diff --git a/P3.py b/P3.py
new file mode 100644
index 0000000000000000000000000000000000000000..51faef07f447acad44b71b817a09cce3366078dd
--- /dev/null
+++ b/P3.py
@@ -0,0 +1,222 @@
+# coding=utf-8
+# Copyright 2020 BigScience Contributors.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+#     http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+"""P3 (Public Pool of Prompts)"""
+
+
+import datasets
+import tensorflow as tf
+
+from .tasks_splits_and_features import _TASK_SPLITS_AND_FEATURES_DICT
+
+
+_CITATION = """@misc{sanh2021multitask,
+      title={Multitask Prompted Training Enables Zero-Shot Task Generalization},
+      author={Victor Sanh and Albert Webson and Colin Raffel and Stephen H. Bach and Lintang Sutawika and Zaid Alyafeai and Antoine Chaffin and Arnaud Stiegler and Teven Le Scao and Arun Raja and Manan Dey and M Saiful Bari and Canwen Xu and Urmish Thakker and Shanya Sharma Sharma and Eliza Szczechla and Taewoon Kim and Gunjan Chhablani and Nihal Nayak and Debajyoti Datta and Jonathan Chang and Mike Tian-Jian Jiang and Han Wang and Matteo Manica and Sheng Shen and Zheng Xin Yong and Harshit Pandey and Rachel Bawden and Thomas Wang and Trishala Neeraj and Jos Rozen and Abheesht Sharma and Andrea Santilli and Thibault Fevry and Jason Alan Fries and Ryan Teehan and Stella Biderman and Leo Gao and Tali Bers and Thomas Wolf and Alexander M. Rush},
+      year={2021},
+      eprint={2110.08207},
+      archivePrefix={arXiv},
+      primaryClass={cs.LG}
+}"""
+
+_DESCRIPTION = """\
+P3 (Public Pool of Prompts) is a collection of prompted English datasets covering a diverse set of NLP tasks. A prompt is the combination of an input template and a target template. The templates are functions mapping a data example into natural language for the input and target sequences. For example, in the case of an NLI dataset, the data example would include fields for *Premise, Hypothesis, Label*. An input template would be *If {Premise} is true, is it also true that {Hypothesis}?*, whereas a target template can be defined with the label choices *Choices[label]*. Here *Choices* is prompt-specific metadata that consists of the options *yes, maybe, no* corresponding to *label* being entailment (0), neutral (1) or contradiction (2).
+
+Prompts are collected using [Promptsource](https://github.com/bigscience-workshop/promptsource), an interface to interactively write prompts on datasets, and collect prompt-specific metadata such as evaluation metrics. As of October 13th, there are 2'000 prompts collected for 270+ data(sub)sets. The collection of prompts of P3 is publicly available on [Promptsource](https://github.com/bigscience-workshop/promptsource).
+
+To train [T0*](https://huggingface.co/bigscience/T0pp), we used a subset of the prompts available in Promptsource (see details [here](https://huggingface.co/bigscience/T0pp#training-data)). However, some of the prompts use `random.choice`, a method that selects uniformly at random an option in a list of valid possibilities. For reproducibility purposes, we release the collection of prompted examples used to train T0*. **The data available here are the materialized version of the prompted datasets used in [Multitask Prompted Training Enables Zero-Shot Task Generalization](https://arxiv.org/abs/2110.08207) which represent only a subset of the datasets for which there is at least one prompt in Promptsource.**
+"""
+
+_LICENSE = "Apache License 2.0"
+
+_HOMEPAGE = "https://github.com/bigscience-workshop/promptsource"
+
+_DATA_PATH = "data"
+
+
+logger = datasets.logging.get_logger(__name__)
+
+
+def load_cached_task(features_dict, tfrecord):
+    # Use `FixedLenSequenceFeature` for sequences with variable length.
+    def _feature_config(shape, dtype):
+        if dtype in ("int32", "bool"):
+            # int32 and bool are stored as int64 in the tf.train.Example protobuf.
+            dtype = "int64"
+        if shape and shape[0] is None:
+            return tf.io.FixedLenSequenceFeature(
+                shape[1:], dtype, allow_missing=True
+            )
+        return tf.io.FixedLenFeature(shape, dtype)
+
+    feature_description = {
+        feat: _feature_config(**desc) for feat, desc in features_dict.items()
+    }
+
+    ds = tf.data.TFRecordDataset(tf.io.gfile.glob([tfrecord])) # TODO -> handle multiple shards
+    ds = ds.map(
+        lambda pb: tf.io.parse_single_example(pb, feature_description),
+        num_parallel_calls=tf.data.experimental.AUTOTUNE
+    )
+    # Cast features back to the types from the info JSON since some features
+    # must be cast for storage (e.g., int32 is stored as int64).
+    ds = ds.map(
+        lambda x: {k: tf.cast(v, features_dict[k]["dtype"]) for k, v in x.items()},
+        num_parallel_calls=tf.data.experimental.AUTOTUNE
+    )
+    return ds
+
+
+_URLs = {
+    task_name: {
+        split_name: {
+            "tfrecord": f"{_DATA_PATH}/{task_name}/{split_name}.tfrecord-00000-of-00001", # TODO -> handle multiple shards
+        }
+        for split_name in splits_and_features_dict["splits"]
+    }
+    for task_name, splits_and_features_dict in _TASK_SPLITS_AND_FEATURES_DICT.items()
+}
+
+
+class P3Config(datasets.BuilderConfig):
+    """BuilderConfig for P3."""
+
+    def __init__(self, splits, features_dict, score_eval, **kwargs):
+        """BuilderConfig for P3.
+
+        Args:
+          splits: `List[str]`, the lists of splits which are available for this task
+          features_dict: `dict`, the dict of features for this task
+          score_eval: `bool`, whether this is task formulated as a rank classification problem
+          **kwargs: keyword arguments forwarded to super.
+        """
+        # Version history:
+        # 0.1 initial commit
+        super(P3Config, self).__init__(version=datasets.Version("0.1.0"), **kwargs)
+        self.splits = splits
+        self.features_dict = features_dict
+        self.score_eval = score_eval
+
+
+class P3(datasets.GeneratorBasedBuilder):
+    """Subset of P3 used in `Multitask Prompted Training Enables Zero-Shot Task Generalization`"""
+
+    BUILDER_CONFIGS = [
+        P3Config(
+            name=task_name,
+            splits=splits_and_features_dict["splits"],
+            features_dict=splits_and_features_dict["features_dict"],
+            score_eval=task_name.endswith("score_eval")
+        )
+        for task_name, splits_and_features_dict in _TASK_SPLITS_AND_FEATURES_DICT.items()
+    ]
+
+    def _info(self):
+        # All features available are: 'inputs', 'inputs_pretokenized', 'targets',
+        # 'targets_pretokenized', 'idx', 'is_correct', 'weight', and 'answer_choices'
+        _FEAT_MAPPING = {
+            "answer_choices": datasets.Sequence(datasets.Value("string")),
+            "inputs": datasets.Sequence(datasets.Value("int32")),
+            "inputs_pretokenized": datasets.Value("string"),
+            "targets": datasets.Sequence(datasets.Value("int32")),
+            "targets_pretokenized": datasets.Value("string"),
+            "idx": datasets.Sequence(datasets.Value("int32")),
+            "weight": datasets.Value("float32"),
+            "is_correct": datasets.Value("bool"),
+        }
+
+        features = {}
+        for feat_name in self.config.features_dict.keys():
+            features[feat_name] = _FEAT_MAPPING[feat_name]
+
+        return datasets.DatasetInfo(
+            description=_DESCRIPTION,
+            features=datasets.Features(features),
+            supervised_keys=None,
+            homepage=_HOMEPAGE,
+            citation=_CITATION,
+            license=_LICENSE,
+        )
+
+    def _split_generators(self, dl_manager):
+        split_generators = []
+        data_dir = dl_manager.download_and_extract(_URLs)
+        task_name = self.config.name
+        if "train" in self.config.splits:
+            split_name = "train"
+            split_generators.append(
+                datasets.SplitGenerator(
+                    name=datasets.Split.TRAIN,
+                    gen_kwargs={
+                        "tfrecord": data_dir[task_name][split_name]["tfrecord"],
+                    }
+                )
+            )
+        if "validation" in self.config.splits:
+            split_name = "validation"
+            split_generators.append(
+                datasets.SplitGenerator(
+                    name=datasets.Split.VALIDATION,
+                    gen_kwargs={
+                        "tfrecord": data_dir[task_name][split_name]["tfrecord"],
+                    }
+                )
+            )
+        if "test" in self.config.splits:
+            split_name = "test"
+            split_generators.append(
+                datasets.SplitGenerator(
+                    name=datasets.Split.TEST,
+                    gen_kwargs={
+                        "tfrecord": data_dir[task_name][split_name]["tfrecord"],
+                    }
+                )
+            )
+        # Handle splits that are not train, validation or test
+        special_splits = set(self.config.splits) - set(["train", "validation", "test"])
+        for special_split_name in special_splits:
+            split_generators.append(
+                datasets.SplitGenerator(
+                    name=datasets.Split(special_split_name),
+                    gen_kwargs={
+                        "tfrecord": data_dir[task_name][special_split_name]["tfrecord"],
+                    }
+                )
+            )
+        return split_generators
+
+
+    def _generate_examples(self, tfrecord):
+        """This function returns the examples in the raw (text) form."""
+        _FEAT_MAPPING_FUNCTIONS = {
+            "answer_choices": lambda x: [choice.decode("utf-8") for choice in x],
+            "inputs": lambda x: x.tolist(),
+            "inputs_pretokenized": lambda x: x.decode("utf-8"),
+            "targets": lambda x: x.tolist(),
+            "targets_pretokenized": lambda x: x.decode("utf-8"),
+            "idx": lambda x: x.tolist(),
+            "weight": lambda x: float(x),
+            "is_correct": lambda x: x,
+        }
+
+        key = 0
+        features_dict = self.config.features_dict
+        ds = load_cached_task(features_dict, tfrecord)
+
+        for ex in ds.as_numpy_iterator():
+            ex_dict = {}
+            for feat_name, feat_value in ex.items():
+                ex_dict[feat_name] = _FEAT_MAPPING_FUNCTIONS[feat_name](feat_value)
+            yield key, ex_dict
+            key += 1
diff --git a/README.md b/README.md
index 730887d002884e0538a136968c6c6ceefbd81565..632c62e410efca05dd2396be68f2aac6b087968b 100644
--- a/README.md
+++ b/README.md
@@ -8,20544 +8,11 @@ license:
 - apache-2.0
 multilinguality:
 - monolingual
+pretty_name: P3
 size_categories:
 - 100M<n<1B
 task_categories:
 - other
-pretty_name: P3
-dataset_info:
-- config_name: adversarial_qa_dbert_answer_the_following_q
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18313753
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1791034
-    num_examples: 1000
-  download_size: 6288641
-  dataset_size: 20104787
-- config_name: adversarial_qa_dbert_based_on
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17580553
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1717566
-    num_examples: 1000
-  download_size: 6206744
-  dataset_size: 19298119
-- config_name: adversarial_qa_dbert_generate_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18552810
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1824231
-    num_examples: 1000
-  - name: test
-    num_bytes: 1954952
-    num_examples: 1000
-  download_size: 5882604
-  dataset_size: 22331993
-- config_name: adversarial_qa_dbert_question_context_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16859685
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1646118
-    num_examples: 1000
-  download_size: 6180363
-  dataset_size: 18505803
-- config_name: adversarial_qa_dbert_tell_what_it_is
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17793277
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1739418
-    num_examples: 1000
-  download_size: 6276720
-  dataset_size: 19532695
-- config_name: adversarial_qa_dbidaf_answer_the_following_q
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18273217
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1797789
-    num_examples: 1000
-  download_size: 6321670
-  dataset_size: 20071006
-- config_name: adversarial_qa_dbidaf_based_on
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17539777
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1724577
-    num_examples: 1000
-  download_size: 6247591
-  dataset_size: 19264354
-- config_name: adversarial_qa_dbidaf_generate_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18508967
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1830585
-    num_examples: 1000
-  - name: test
-    num_bytes: 1925723
-    num_examples: 1000
-  download_size: 5983857
-  dataset_size: 22265275
-- config_name: adversarial_qa_dbidaf_question_context_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16821505
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1652425
-    num_examples: 1000
-  download_size: 6292806
-  dataset_size: 18473930
-- config_name: adversarial_qa_dbidaf_tell_what_it_is
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17755161
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1745717
-    num_examples: 1000
-  download_size: 6250903
-  dataset_size: 19500878
-- config_name: adversarial_qa_droberta_answer_the_following_q
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18084393
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1798375
-    num_examples: 1000
-  download_size: 6223439
-  dataset_size: 19882768
-- config_name: adversarial_qa_droberta_based_on
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17352073
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1725151
-    num_examples: 1000
-  download_size: 6202901
-  dataset_size: 19077224
-- config_name: adversarial_qa_droberta_generate_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18257414
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1828966
-    num_examples: 1000
-  - name: test
-    num_bytes: 1997556
-    num_examples: 1000
-  download_size: 5928633
-  dataset_size: 22083936
-- config_name: adversarial_qa_droberta_question_context_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16638393
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1653815
-    num_examples: 1000
-  download_size: 6193786
-  dataset_size: 18292208
-- config_name: adversarial_qa_droberta_tell_what_it_is
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17571837
-    num_examples: 10000
-  - name: validation
-    num_bytes: 1747043
-    num_examples: 1000
-  download_size: 6152157
-  dataset_size: 19318880
-- config_name: ag_news_classify
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 79459523
-    num_examples: 120000
-  - name: test
-    num_bytes: 5007082
-    num_examples: 7600
-  download_size: 37504540
-  dataset_size: 84466605
-- config_name: ag_news_classify_question_first
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 79339523
-    num_examples: 120000
-  - name: test
-    num_bytes: 4999482
-    num_examples: 7600
-  download_size: 37311664
-  dataset_size: 84339005
-- config_name: ag_news_classify_with_choices
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 91699523
-    num_examples: 120000
-  - name: test
-    num_bytes: 5782282
-    num_examples: 7600
-  download_size: 38377186
-  dataset_size: 97481805
-- config_name: ag_news_classify_with_choices_question_first
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 91699523
-    num_examples: 120000
-  - name: test
-    num_bytes: 5782282
-    num_examples: 7600
-  download_size: 38318638
-  dataset_size: 97481805
-- config_name: ag_news_recommend
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 94039523
-    num_examples: 120000
-  - name: test
-    num_bytes: 5930482
-    num_examples: 7600
-  download_size: 38368116
-  dataset_size: 99970005
-- config_name: ag_news_which_section
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 83899523
-    num_examples: 120000
-  - name: test
-    num_bytes: 5288282
-    num_examples: 7600
-  download_size: 37893964
-  dataset_size: 89187805
-- config_name: ag_news_which_section_choices
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 100099523
-    num_examples: 120000
-  - name: test
-    num_bytes: 6314282
-    num_examples: 7600
-  download_size: 39167925
-  dataset_size: 106413805
-- config_name: ai2_arc_ARC_Challenge_heres_a_problem
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 870695
-    num_examples: 1119
-  - name: validation
-    num_bytes: 237526
-    num_examples: 299
-  - name: test
-    num_bytes: 929144
-    num_examples: 1172
-  download_size: 796298
-  dataset_size: 2037365
-- config_name: ai2_arc_ARC_Challenge_i_am_hesitating
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1063080
-    num_examples: 1119
-  - name: validation
-    num_bytes: 290313
-    num_examples: 299
-  - name: test
-    num_bytes: 1135794
-    num_examples: 1172
-  download_size: 1087298
-  dataset_size: 2489187
-- config_name: ai2_arc_ARC_Challenge_multiple_choice
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1079865
-    num_examples: 1119
-  - name: validation
-    num_bytes: 294798
-    num_examples: 299
-  - name: test
-    num_bytes: 1153374
-    num_examples: 1172
-  download_size: 1096748
-  dataset_size: 2528037
-- config_name: ai2_arc_ARC_Challenge_pick_false_options
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 965402
-    num_examples: 1119
-  - name: validation
-    num_bytes: 263171
-    num_examples: 299
-  - name: test
-    num_bytes: 1032956
-    num_examples: 1172
-  download_size: 1043688
-  dataset_size: 2261529
-- config_name: ai2_arc_ARC_Challenge_pick_the_most_correct_option
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 812508
-    num_examples: 1119
-  - name: validation
-    num_bytes: 221981
-    num_examples: 299
-  - name: test
-    num_bytes: 868204
-    num_examples: 1172
-  download_size: 791475
-  dataset_size: 1902693
-- config_name: ai2_arc_ARC_Challenge_qa_options
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 815781
-    num_examples: 1119
-  - name: validation
-    num_bytes: 224234
-    num_examples: 299
-  - name: test
-    num_bytes: 876782
-    num_examples: 1172
-  download_size: 1044349
-  dataset_size: 1916797
-- config_name: ai2_arc_ARC_Easy_heres_a_problem
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1585434
-    num_examples: 2251
-  - name: validation
-    num_bytes: 402833
-    num_examples: 570
-  - name: test
-    num_bytes: 1680740
-    num_examples: 2376
-  download_size: 1372031
-  dataset_size: 3669007
-- config_name: ai2_arc_ARC_Easy_i_am_hesitating
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1893561
-    num_examples: 2251
-  - name: validation
-    num_bytes: 479155
-    num_examples: 570
-  - name: test
-    num_bytes: 2003593
-    num_examples: 2376
-  download_size: 1829256
-  dataset_size: 4376309
-- config_name: ai2_arc_ARC_Easy_multiple_choice
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1927326
-    num_examples: 2251
-  - name: validation
-    num_bytes: 487705
-    num_examples: 570
-  - name: test
-    num_bytes: 2039233
-    num_examples: 2376
-  download_size: 1833872
-  dataset_size: 4454264
-- config_name: ai2_arc_ARC_Easy_pick_false_options
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1702829
-    num_examples: 2251
-  - name: validation
-    num_bytes: 431949
-    num_examples: 570
-  - name: test
-    num_bytes: 1803223
-    num_examples: 2376
-  download_size: 1773690
-  dataset_size: 3938001
-- config_name: ai2_arc_ARC_Easy_pick_the_most_correct_option
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1468388
-    num_examples: 2251
-  - name: validation
-    num_bytes: 373194
-    num_examples: 570
-  - name: test
-    num_bytes: 1557195
-    num_examples: 2376
-  download_size: 1359858
-  dataset_size: 3398777
-- config_name: ai2_arc_ARC_Easy_qa_options
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1396090
-    num_examples: 2251
-  - name: validation
-    num_bytes: 353185
-    num_examples: 570
-  - name: test
-    num_bytes: 1478497
-    num_examples: 2376
-  download_size: 1744673
-  dataset_size: 3227772
-- config_name: amazon_polarity_Is_this_product_review_positive
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3657525221
-    num_examples: 3600000
-  - name: test
-    num_bytes: 406170885
-    num_examples: 400000
-  download_size: 2087209082
-  dataset_size: 4063696106
-- config_name: amazon_polarity_Is_this_review
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3691725225
-    num_examples: 3600000
-  - name: test
-    num_bytes: 409970885
-    num_examples: 400000
-  download_size: 2092135054
-  dataset_size: 4101696110
-- config_name: amazon_polarity_Is_this_review_negative
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3596325225
-    num_examples: 3600000
-  - name: test
-    num_bytes: 399370885
-    num_examples: 400000
-  download_size: 2088926047
-  dataset_size: 3995696110
-- config_name: amazon_polarity_User_recommend_this_product
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3647231922
-    num_examples: 3600000
-  - name: test
-    num_bytes: 405019064
-    num_examples: 400000
-  download_size: 1970470915
-  dataset_size: 4052250986
-- config_name: amazon_polarity_convey_negative_or_positive_sentiment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3853725225
-    num_examples: 3600000
-  - name: test
-    num_bytes: 427970885
-    num_examples: 400000
-  download_size: 2107131644
-  dataset_size: 4281696110
-- config_name: amazon_polarity_flattering_or_not
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4156125225
-    num_examples: 3600000
-  - name: test
-    num_bytes: 461570885
-    num_examples: 400000
-  download_size: 2121811218
-  dataset_size: 4617696110
-- config_name: amazon_polarity_negative_or_positive_tone
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3983325221
-    num_examples: 3600000
-  - name: test
-    num_bytes: 442370885
-    num_examples: 400000
-  download_size: 2105973069
-  dataset_size: 4425696106
-- config_name: amazon_polarity_user_satisfied
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4269525221
-    num_examples: 3600000
-  - name: test
-    num_bytes: 474170885
-    num_examples: 400000
-  download_size: 2112525496
-  dataset_size: 4743696106
-- config_name: amazon_polarity_would_you_buy
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4541325221
-    num_examples: 3600000
-  - name: test
-    num_bytes: 504370885
-    num_examples: 400000
-  download_size: 2145762328
-  dataset_size: 5045696106
-- config_name: anli_GPT_3_style_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 15891829
-    num_examples: 16946
-  - name: validation
-    num_bytes: 939241
-    num_examples: 1000
-  - name: test
-    num_bytes: 937388
-    num_examples: 1000
-  download_size: 6820413
-  dataset_size: 17768458
-- config_name: anli_GPT_3_style_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 46818519
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2767114
-    num_examples: 3000
-  - name: test
-    num_bytes: 2761555
-    num_examples: 3000
-  download_size: 9095632
-  dataset_size: 52347188
-- config_name: anli_GPT_3_style_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 42010764
-    num_examples: 45460
-  - name: validation
-    num_bytes: 926684
-    num_examples: 1000
-  - name: test
-    num_bytes: 932575
-    num_examples: 1000
-  download_size: 13987598
-  dataset_size: 43870023
-- config_name: anli_GPT_3_style_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 123746670
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2729443
-    num_examples: 3000
-  - name: test
-    num_bytes: 2747116
-    num_examples: 3000
-  download_size: 17660861
-  dataset_size: 129223229
-- config_name: anli_GPT_3_style_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 88846603
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1075843
-    num_examples: 1200
-  - name: test
-    num_bytes: 1071704
-    num_examples: 1200
-  download_size: 28572176
-  dataset_size: 90994150
-- config_name: anli_GPT_3_style_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 261465576
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3166845
-    num_examples: 3600
-  - name: test
-    num_bytes: 3154428
-    num_examples: 3600
-  download_size: 36725759
-  dataset_size: 267786849
-- config_name: anli_MNLI_crowdsource_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18848410
-    num_examples: 16946
-  - name: validation
-    num_bytes: 1112388
-    num_examples: 1000
-  - name: test
-    num_bytes: 1110687
-    num_examples: 1000
-  download_size: 7035294
-  dataset_size: 21071485
-- config_name: anli_MNLI_crowdsource_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 55009135
-    num_examples: 50838
-  - name: validation
-    num_bytes: 3250566
-    num_examples: 3000
-  - name: test
-    num_bytes: 3245463
-    num_examples: 3000
-  download_size: 9425583
-  dataset_size: 61505164
-- config_name: anli_MNLI_crowdsource_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 49982127
-    num_examples: 45460
-  - name: validation
-    num_bytes: 1100103
-    num_examples: 1000
-  - name: test
-    num_bytes: 1105922
-    num_examples: 1000
-  download_size: 14500912
-  dataset_size: 52188152
-- config_name: anli_MNLI_crowdsource_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 145734458
-    num_examples: 136380
-  - name: validation
-    num_bytes: 3213711
-    num_examples: 3000
-  - name: test
-    num_bytes: 3231168
-    num_examples: 3000
-  download_size: 18328088
-  dataset_size: 152179337
-- config_name: anli_MNLI_crowdsource_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 106340935
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1283055
-    num_examples: 1200
-  - name: test
-    num_bytes: 1279208
-    num_examples: 1200
-  download_size: 29613603
-  dataset_size: 108903198
-- config_name: anli_MNLI_crowdsource_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 309970922
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3745161
-    num_examples: 3600
-  - name: test
-    num_bytes: 3733620
-    num_examples: 3600
-  download_size: 38024929
-  dataset_size: 317449703
-- config_name: anli_always_sometimes_never_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17096889
-    num_examples: 16946
-  - name: validation
-    num_bytes: 1010063
-    num_examples: 1000
-  - name: test
-    num_bytes: 1008362
-    num_examples: 1000
-  download_size: 6912252
-  dataset_size: 19115314
-- config_name: anli_always_sometimes_never_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 50213417
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2967566
-    num_examples: 3000
-  - name: test
-    num_bytes: 2962463
-    num_examples: 3000
-  download_size: 9270417
-  dataset_size: 56143446
-- config_name: anli_always_sometimes_never_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 45261254
-    num_examples: 45460
-  - name: validation
-    num_bytes: 997778
-    num_examples: 1000
-  - name: test
-    num_bytes: 1003597
-    num_examples: 1000
-  download_size: 14120029
-  dataset_size: 47262629
-- config_name: anli_always_sometimes_never_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 132869278
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2930711
-    num_examples: 3000
-  - name: test
-    num_bytes: 2948168
-    num_examples: 3000
-  download_size: 17944324
-  dataset_size: 138748157
-- config_name: anli_always_sometimes_never_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 95972062
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1160247
-    num_examples: 1200
-  - name: test
-    num_bytes: 1156400
-    num_examples: 1200
-  download_size: 29037937
-  dataset_size: 98288709
-- config_name: anli_always_sometimes_never_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 281541025
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3405561
-    num_examples: 3600
-  - name: test
-    num_bytes: 3394020
-    num_examples: 3600
-  download_size: 37305627
-  dataset_size: 288340606
-- config_name: anli_based_on_the_previous_passage_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16818701
-    num_examples: 16946
-  - name: validation
-    num_bytes: 993730
-    num_examples: 1000
-  - name: test
-    num_bytes: 992029
-    num_examples: 1000
-  download_size: 6901005
-  dataset_size: 18804460
-- config_name: anli_based_on_the_previous_passage_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 49891443
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2948566
-    num_examples: 3000
-  - name: test
-    num_bytes: 2943463
-    num_examples: 3000
-  download_size: 9261038
-  dataset_size: 55783472
-- config_name: anli_based_on_the_previous_passage_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 44512935
-    num_examples: 45460
-  - name: validation
-    num_bytes: 981445
-    num_examples: 1000
-  - name: test
-    num_bytes: 987264
-    num_examples: 1000
-  download_size: 14177762
-  dataset_size: 46481644
-- config_name: anli_based_on_the_previous_passage_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 132005538
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2911711
-    num_examples: 3000
-  - name: test
-    num_bytes: 2929168
-    num_examples: 3000
-  download_size: 18008279
-  dataset_size: 137846417
-- config_name: anli_based_on_the_previous_passage_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 94323940
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1140645
-    num_examples: 1200
-  - name: test
-    num_bytes: 1136798
-    num_examples: 1200
-  download_size: 29048655
-  dataset_size: 96601383
-- config_name: anli_based_on_the_previous_passage_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 279632304
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3382761
-    num_examples: 3600
-  - name: test
-    num_bytes: 3371220
-    num_examples: 3600
-  download_size: 37313374
-  dataset_size: 286386285
-- config_name: anli_can_we_infer_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16276429
-    num_examples: 16946
-  - name: validation
-    num_bytes: 961730
-    num_examples: 1000
-  - name: test
-    num_bytes: 960029
-    num_examples: 1000
-  download_size: 6839362
-  dataset_size: 18198188
-- config_name: anli_can_we_infer_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 48213789
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2849566
-    num_examples: 3000
-  - name: test
-    num_bytes: 2844463
-    num_examples: 3000
-  download_size: 9152590
-  dataset_size: 53907818
-- config_name: anli_can_we_infer_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 43058215
-    num_examples: 45460
-  - name: validation
-    num_bytes: 949445
-    num_examples: 1000
-  - name: test
-    num_bytes: 955264
-    num_examples: 1000
-  download_size: 14093701
-  dataset_size: 44962924
-- config_name: anli_can_we_infer_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 127504998
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2812711
-    num_examples: 3000
-  - name: test
-    num_bytes: 2830168
-    num_examples: 3000
-  download_size: 17846937
-  dataset_size: 133147877
-- config_name: anli_can_we_infer_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 91109252
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1102245
-    num_examples: 1200
-  - name: test
-    num_bytes: 1098398
-    num_examples: 1200
-  download_size: 29010139
-  dataset_size: 93309895
-- config_name: anli_can_we_infer_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 269686863
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3263961
-    num_examples: 3600
-  - name: test
-    num_bytes: 3252420
-    num_examples: 3600
-  download_size: 37077346
-  dataset_size: 276203244
-- config_name: anli_claim_true_false_inconclusive_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17425779
-    num_examples: 16946
-  - name: validation
-    num_bytes: 1028386
-    num_examples: 1000
-  - name: test
-    num_bytes: 1026685
-    num_examples: 1000
-  download_size: 6930995
-  dataset_size: 19480850
-- config_name: anli_claim_true_false_inconclusive_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 51094609
-    num_examples: 50838
-  - name: validation
-    num_bytes: 3019566
-    num_examples: 3000
-  - name: test
-    num_bytes: 3014463
-    num_examples: 3000
-  download_size: 9259651
-  dataset_size: 57128638
-- config_name: anli_claim_true_false_inconclusive_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 46165603
-    num_examples: 45460
-  - name: validation
-    num_bytes: 1016101
-    num_examples: 1000
-  - name: test
-    num_bytes: 1021920
-    num_examples: 1000
-  download_size: 14229410
-  dataset_size: 48203624
-- config_name: anli_claim_true_false_inconclusive_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 135233198
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2982711
-    num_examples: 3000
-  - name: test
-    num_bytes: 3000168
-    num_examples: 3000
-  download_size: 18010030
-  dataset_size: 141216077
-- config_name: anli_claim_true_false_inconclusive_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 97905962
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1182249
-    num_examples: 1200
-  - name: test
-    num_bytes: 1178402
-    num_examples: 1200
-  download_size: 29101408
-  dataset_size: 100266613
-- config_name: anli_claim_true_false_inconclusive_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 286764893
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3467961
-    num_examples: 3600
-  - name: test
-    num_bytes: 3456420
-    num_examples: 3600
-  download_size: 37244732
-  dataset_size: 293689274
-- config_name: anli_consider_always_sometimes_never_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17445207
-    num_examples: 16946
-  - name: validation
-    num_bytes: 1030579
-    num_examples: 1000
-  - name: test
-    num_bytes: 1028726
-    num_examples: 1000
-  download_size: 6839509
-  dataset_size: 19504512
-- config_name: anli_consider_always_sometimes_never_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 51258371
-    num_examples: 50838
-  - name: validation
-    num_bytes: 3029114
-    num_examples: 3000
-  - name: test
-    num_bytes: 3023555
-    num_examples: 3000
-  download_size: 9180137
-  dataset_size: 57311040
-- config_name: anli_consider_always_sometimes_never_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 46190558
-    num_examples: 45460
-  - name: validation
-    num_bytes: 1018022
-    num_examples: 1000
-  - name: test
-    num_bytes: 1023913
-    num_examples: 1000
-  download_size: 14079808
-  dataset_size: 48232493
-- config_name: anli_consider_always_sometimes_never_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 135657190
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2991443
-    num_examples: 3000
-  - name: test
-    num_bytes: 3009116
-    num_examples: 3000
-  download_size: 17994408
-  dataset_size: 141657749
-- config_name: anli_consider_always_sometimes_never_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 98053665
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1185475
-    num_examples: 1200
-  - name: test
-    num_bytes: 1181336
-    num_examples: 1200
-  download_size: 28801257
-  dataset_size: 100420476
-- config_name: anli_consider_always_sometimes_never_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 287785834
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3481245
-    num_examples: 3600
-  - name: test
-    num_bytes: 3468828
-    num_examples: 3600
-  download_size: 37388930
-  dataset_size: 294735907
-- config_name: anli_does_it_follow_that_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16014691
-    num_examples: 16946
-  - name: validation
-    num_bytes: 946246
-    num_examples: 1000
-  - name: test
-    num_bytes: 944393
-    num_examples: 1000
-  download_size: 6850268
-  dataset_size: 17905330
-- config_name: anli_does_it_follow_that_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 47479413
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2806114
-    num_examples: 3000
-  - name: test
-    num_bytes: 2800555
-    num_examples: 3000
-  download_size: 9157471
-  dataset_size: 53086082
-- config_name: anli_does_it_follow_that_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 42350959
-    num_examples: 45460
-  - name: validation
-    num_bytes: 933689
-    num_examples: 1000
-  - name: test
-    num_bytes: 939580
-    num_examples: 1000
-  download_size: 14009301
-  dataset_size: 44224228
-- config_name: anli_does_it_follow_that_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 125519610
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2768443
-    num_examples: 3000
-  - name: test
-    num_bytes: 2786116
-    num_examples: 3000
-  download_size: 17813878
-  dataset_size: 131074169
-- config_name: anli_does_it_follow_that_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 89574331
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1084273
-    num_examples: 1200
-  - name: test
-    num_bytes: 1080134
-    num_examples: 1200
-  download_size: 28722764
-  dataset_size: 91738738
-- config_name: anli_does_it_follow_that_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 265383477
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3213645
-    num_examples: 3600
-  - name: test
-    num_bytes: 3201228
-    num_examples: 3600
-  download_size: 36971806
-  dataset_size: 271798350
-- config_name: anli_does_this_imply_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16378105
-    num_examples: 16946
-  - name: validation
-    num_bytes: 967730
-    num_examples: 1000
-  - name: test
-    num_bytes: 966029
-    num_examples: 1000
-  download_size: 6857952
-  dataset_size: 18311864
-- config_name: anli_does_this_imply_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 48569655
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2870566
-    num_examples: 3000
-  - name: test
-    num_bytes: 2865463
-    num_examples: 3000
-  download_size: 9206568
-  dataset_size: 54305684
-- config_name: anli_does_this_imply_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 43330975
-    num_examples: 45460
-  - name: validation
-    num_bytes: 955445
-    num_examples: 1000
-  - name: test
-    num_bytes: 961264
-    num_examples: 1000
-  download_size: 14096217
-  dataset_size: 45247684
-- config_name: anli_does_this_imply_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 128459658
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2833711
-    num_examples: 3000
-  - name: test
-    num_bytes: 2851168
-    num_examples: 3000
-  download_size: 17893659
-  dataset_size: 134144537
-- config_name: anli_does_this_imply_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 91712006
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1109445
-    num_examples: 1200
-  - name: test
-    num_bytes: 1105598
-    num_examples: 1200
-  download_size: 28905910
-  dataset_size: 93927049
-- config_name: anli_does_this_imply_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 271796502
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3289161
-    num_examples: 3600
-  - name: test
-    num_bytes: 3277620
-    num_examples: 3600
-  download_size: 37105176
-  dataset_size: 278363283
-- config_name: anli_guaranteed_possible_impossible_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17379156
-    num_examples: 16946
-  - name: validation
-    num_bytes: 1028063
-    num_examples: 1000
-  - name: test
-    num_bytes: 1026362
-    num_examples: 1000
-  download_size: 6881642
-  dataset_size: 19433581
-- config_name: anli_guaranteed_possible_impossible_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 50721797
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2997566
-    num_examples: 3000
-  - name: test
-    num_bytes: 2992463
-    num_examples: 3000
-  download_size: 9206674
-  dataset_size: 56711826
-- config_name: anli_guaranteed_possible_impossible_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 45981380
-    num_examples: 45460
-  - name: validation
-    num_bytes: 1015778
-    num_examples: 1000
-  - name: test
-    num_bytes: 1021597
-    num_examples: 1000
-  download_size: 14327402
-  dataset_size: 48018755
-- config_name: anli_guaranteed_possible_impossible_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 134233078
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2960711
-    num_examples: 3000
-  - name: test
-    num_bytes: 2978168
-    num_examples: 3000
-  download_size: 18001499
-  dataset_size: 140171957
-- config_name: anli_guaranteed_possible_impossible_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 97659823
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1181793
-    num_examples: 1200
-  - name: test
-    num_bytes: 1177946
-    num_examples: 1200
-  download_size: 29238079
-  dataset_size: 100019562
-- config_name: anli_guaranteed_possible_impossible_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 284554795
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3441561
-    num_examples: 3600
-  - name: test
-    num_bytes: 3430020
-    num_examples: 3600
-  download_size: 37381060
-  dataset_size: 291426376
-- config_name: anli_guaranteed_true_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16395051
-    num_examples: 16946
-  - name: validation
-    num_bytes: 968730
-    num_examples: 1000
-  - name: test
-    num_bytes: 967029
-    num_examples: 1000
-  download_size: 6862070
-  dataset_size: 18330810
-- config_name: anli_guaranteed_true_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 48569655
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2870566
-    num_examples: 3000
-  - name: test
-    num_bytes: 2865463
-    num_examples: 3000
-  download_size: 9211504
-  dataset_size: 54305684
-- config_name: anli_guaranteed_true_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 43376435
-    num_examples: 45460
-  - name: validation
-    num_bytes: 956445
-    num_examples: 1000
-  - name: test
-    num_bytes: 962264
-    num_examples: 1000
-  download_size: 14102262
-  dataset_size: 45295144
-- config_name: anli_guaranteed_true_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 128459658
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2833711
-    num_examples: 3000
-  - name: test
-    num_bytes: 2851168
-    num_examples: 3000
-  download_size: 17993347
-  dataset_size: 134144537
-- config_name: anli_guaranteed_true_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 91812465
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1110645
-    num_examples: 1200
-  - name: test
-    num_bytes: 1106798
-    num_examples: 1200
-  download_size: 29020314
-  dataset_size: 94029908
-- config_name: anli_guaranteed_true_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 271796502
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3289161
-    num_examples: 3600
-  - name: test
-    num_bytes: 3277620
-    num_examples: 3600
-  download_size: 37078739
-  dataset_size: 278363283
-- config_name: anli_justified_in_saying_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16310321
-    num_examples: 16946
-  - name: validation
-    num_bytes: 963730
-    num_examples: 1000
-  - name: test
-    num_bytes: 962029
-    num_examples: 1000
-  download_size: 6899924
-  dataset_size: 18236080
-- config_name: anli_justified_in_saying_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 48315465
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2855566
-    num_examples: 3000
-  - name: test
-    num_bytes: 2850463
-    num_examples: 3000
-  download_size: 9182043
-  dataset_size: 54021494
-- config_name: anli_justified_in_saying_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 43149135
-    num_examples: 45460
-  - name: validation
-    num_bytes: 951445
-    num_examples: 1000
-  - name: test
-    num_bytes: 957264
-    num_examples: 1000
-  download_size: 14140227
-  dataset_size: 45057844
-- config_name: anli_justified_in_saying_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 127777758
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2818711
-    num_examples: 3000
-  - name: test
-    num_bytes: 2836168
-    num_examples: 3000
-  download_size: 17890170
-  dataset_size: 133432637
-- config_name: anli_justified_in_saying_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 91310170
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1104645
-    num_examples: 1200
-  - name: test
-    num_bytes: 1100798
-    num_examples: 1200
-  download_size: 28886089
-  dataset_size: 93515613
-- config_name: anli_justified_in_saying_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 270289617
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3271161
-    num_examples: 3600
-  - name: test
-    num_bytes: 3259620
-    num_examples: 3600
-  download_size: 36998968
-  dataset_size: 276820398
-- config_name: anli_must_be_true_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16700079
-    num_examples: 16946
-  - name: validation
-    num_bytes: 986730
-    num_examples: 1000
-  - name: test
-    num_bytes: 985029
-    num_examples: 1000
-  download_size: 6857831
-  dataset_size: 18671838
-- config_name: anli_must_be_true_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 49484739
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2924566
-    num_examples: 3000
-  - name: test
-    num_bytes: 2919463
-    num_examples: 3000
-  download_size: 9235780
-  dataset_size: 55328768
-- config_name: anli_must_be_true_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 44194715
-    num_examples: 45460
-  - name: validation
-    num_bytes: 974445
-    num_examples: 1000
-  - name: test
-    num_bytes: 980264
-    num_examples: 1000
-  download_size: 14268219
-  dataset_size: 46149424
-- config_name: anli_must_be_true_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 130914498
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2887711
-    num_examples: 3000
-  - name: test
-    num_bytes: 2905168
-    num_examples: 3000
-  download_size: 17976639
-  dataset_size: 136707377
-- config_name: anli_must_be_true_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 93620727
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1132245
-    num_examples: 1200
-  - name: test
-    num_bytes: 1128398
-    num_examples: 1200
-  download_size: 29164064
-  dataset_size: 95881370
-- config_name: anli_must_be_true_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 277221288
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3353961
-    num_examples: 3600
-  - name: test
-    num_bytes: 3342420
-    num_examples: 3600
-  download_size: 37276016
-  dataset_size: 283917669
-- config_name: anli_should_assume_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16445889
-    num_examples: 16946
-  - name: validation
-    num_bytes: 971730
-    num_examples: 1000
-  - name: test
-    num_bytes: 970029
-    num_examples: 1000
-  download_size: 6863556
-  dataset_size: 18387648
-- config_name: anli_should_assume_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 48722169
-    num_examples: 50838
-  - name: validation
-    num_bytes: 2879566
-    num_examples: 3000
-  - name: test
-    num_bytes: 2874463
-    num_examples: 3000
-  download_size: 9223555
-  dataset_size: 54476198
-- config_name: anli_should_assume_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 43512815
-    num_examples: 45460
-  - name: validation
-    num_bytes: 959445
-    num_examples: 1000
-  - name: test
-    num_bytes: 965264
-    num_examples: 1000
-  download_size: 14186174
-  dataset_size: 45437524
-- config_name: anli_should_assume_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 128868798
-    num_examples: 136380
-  - name: validation
-    num_bytes: 2842711
-    num_examples: 3000
-  - name: test
-    num_bytes: 2860168
-    num_examples: 3000
-  download_size: 17939154
-  dataset_size: 134571677
-- config_name: anli_should_assume_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 92113842
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1114245
-    num_examples: 1200
-  - name: test
-    num_bytes: 1110398
-    num_examples: 1200
-  download_size: 29007024
-  dataset_size: 94338485
-- config_name: anli_should_assume_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 272700633
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3299961
-    num_examples: 3600
-  - name: test
-    num_bytes: 3288420
-    num_examples: 3600
-  download_size: 37311289
-  dataset_size: 279289014
-- config_name: anli_take_the_following_as_truth_r1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18052781
-    num_examples: 16946
-  - name: validation
-    num_bytes: 1065386
-    num_examples: 1000
-  - name: test
-    num_bytes: 1063685
-    num_examples: 1000
-  download_size: 6958316
-  dataset_size: 20181852
-- config_name: anli_take_the_following_as_truth_r1_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 52975615
-    num_examples: 50838
-  - name: validation
-    num_bytes: 3130566
-    num_examples: 3000
-  - name: test
-    num_bytes: 3125463
-    num_examples: 3000
-  download_size: 9296438
-  dataset_size: 59231644
-- config_name: anli_take_the_following_as_truth_r2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 47847623
-    num_examples: 45460
-  - name: validation
-    num_bytes: 1053101
-    num_examples: 1000
-  - name: test
-    num_bytes: 1058920
-    num_examples: 1000
-  download_size: 14375001
-  dataset_size: 49959644
-- config_name: anli_take_the_following_as_truth_r2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 140279258
-    num_examples: 136380
-  - name: validation
-    num_bytes: 3093711
-    num_examples: 3000
-  - name: test
-    num_bytes: 3111168
-    num_examples: 3000
-  download_size: 18164060
-  dataset_size: 146484137
-- config_name: anli_take_the_following_as_truth_r3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 101622945
-    num_examples: 100459
-  - name: validation
-    num_bytes: 1226649
-    num_examples: 1200
-  - name: test
-    num_bytes: 1222802
-    num_examples: 1200
-  download_size: 29425321
-  dataset_size: 104072396
-- config_name: anli_take_the_following_as_truth_r3_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 297915842
-    num_examples: 301377
-  - name: validation
-    num_bytes: 3601161
-    num_examples: 3600
-  - name: test
-    num_bytes: 3589620
-    num_examples: 3600
-  download_size: 37584887
-  dataset_size: 305106623
-- config_name: app_reviews_categorize_rating_using_review
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 129261543
-    num_examples: 288065
-  download_size: 27269906
-  dataset_size: 129261543
-- config_name: app_reviews_convert_to_rating
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 109714706
-    num_examples: 288065
-  download_size: 26630751
-  dataset_size: 109714706
-- config_name: app_reviews_convert_to_star_rating
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 131909805
-    num_examples: 288065
-  download_size: 26563470
-  dataset_size: 131909805
-- config_name: app_reviews_generate_review
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 113484842
-    num_examples: 288065
-  download_size: 24274319
-  dataset_size: 113484842
-- config_name: cnn_dailymail_3.0.0_2_or_3_sentences
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1353303824
-    num_examples: 287113
-  - name: validation
-    num_bytes: 63377730
-    num_examples: 13368
-  - name: test
-    num_bytes: 54248498
-    num_examples: 11490
-  download_size: 826634652
-  dataset_size: 1470930052
-- config_name: cnn_dailymail_3.0.0_generate_story
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1323444072
-    num_examples: 287113
-  - name: validation
-    num_bytes: 61987458
-    num_examples: 13368
-  - name: test
-    num_bytes: 53053538
-    num_examples: 11490
-  download_size: 814354501
-  dataset_size: 1438485068
-- config_name: cnn_dailymail_3.0.0_news_card_view
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1358758971
-    num_examples: 287113
-  - name: validation
-    num_bytes: 63631722
-    num_examples: 13368
-  - name: test
-    num_bytes: 54466808
-    num_examples: 11490
-  download_size: 828285509
-  dataset_size: 1476857501
-- config_name: cnn_dailymail_3.0.0_news_stock
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1342393530
-    num_examples: 287113
-  - name: validation
-    num_bytes: 62869746
-    num_examples: 13368
-  - name: test
-    num_bytes: 53811878
-    num_examples: 11490
-  download_size: 823791331
-  dataset_size: 1459075154
-- config_name: cnn_dailymail_3.0.0_news_summary
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1315404908
-    num_examples: 287113
-  - name: validation
-    num_bytes: 61613154
-    num_examples: 13368
-  - name: test
-    num_bytes: 52731818
-    num_examples: 11490
-  download_size: 816889262
-  dataset_size: 1429749880
-- config_name: cnn_dailymail_3.0.0_spice_up_story
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1346700225
-    num_examples: 287113
-  - name: validation
-    num_bytes: 63070266
-    num_examples: 13368
-  - name: test
-    num_bytes: 53984228
-    num_examples: 11490
-  download_size: 816375399
-  dataset_size: 1463754719
-- config_name: cnn_dailymail_3.0.0_sum_in_brief
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1318276038
-    num_examples: 287113
-  - name: validation
-    num_bytes: 61746834
-    num_examples: 13368
-  - name: test
-    num_bytes: 52846718
-    num_examples: 11490
-  download_size: 816868929
-  dataset_size: 1432869590
-- config_name: cnn_dailymail_3.0.0_tldr_summary
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1362778553
-    num_examples: 287113
-  - name: validation
-    num_bytes: 63818874
-    num_examples: 13368
-  - name: test
-    num_bytes: 54627668
-    num_examples: 11490
-  download_size: 829270743
-  dataset_size: 1481225095
-- config_name: cnn_dailymail_3.0.0_write_an_outline
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1341819304
-    num_examples: 287113
-  - name: validation
-    num_bytes: 62843010
-    num_examples: 13368
-  - name: test
-    num_bytes: 53788898
-    num_examples: 11490
-  download_size: 823267139
-  dataset_size: 1458451212
-- config_name: common_gen_Example_prompt
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 29031267
-    num_examples: 67389
-  - name: validation
-    num_bytes: 1772492
-    num_examples: 4018
-  - name: test
-    num_bytes: 506143
-    num_examples: 1497
-  download_size: 6812479
-  dataset_size: 31309902
-- config_name: common_gen_Given_concepts_type_1
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 21820644
-    num_examples: 67389
-  - name: validation
-    num_bytes: 1342566
-    num_examples: 4018
-  - name: test
-    num_bytes: 345964
-    num_examples: 1497
-  download_size: 6585498
-  dataset_size: 23509174
-- config_name: common_gen_Given_concepts_type_2
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 23168424
-    num_examples: 67389
-  - name: validation
-    num_bytes: 1422926
-    num_examples: 4018
-  - name: test
-    num_bytes: 375904
-    num_examples: 1497
-  download_size: 6556584
-  dataset_size: 24967254
-- config_name: common_gen_Put_together
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18114249
-    num_examples: 67389
-  - name: validation
-    num_bytes: 1121576
-    num_examples: 4018
-  - name: test
-    num_bytes: 263629
-    num_examples: 1497
-  download_size: 6345743
-  dataset_size: 19499454
-- config_name: common_gen_choice_in_concept_centric_sentence_generation
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 23307700
-    num_examples: 67389
-  - name: validation
-    num_bytes: 1427491
-    num_examples: 4018
-  - name: test
-    num_bytes: 378012
-    num_examples: 1497
-  download_size: 7465408
-  dataset_size: 25113203
-- config_name: common_gen_random_task_template_prompt
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17999994
-    num_examples: 67389
-  - name: validation
-    num_bytes: 1113822
-    num_examples: 4018
-  - name: test
-    num_bytes: 261700
-    num_examples: 1497
-  download_size: 6656542
-  dataset_size: 19375516
-- config_name: common_gen_sentence_to_concepts
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18929101
-    num_examples: 67389
-  - name: validation
-    num_bytes: 1169868
-    num_examples: 4018
-  - name: test
-    num_bytes: 287581
-    num_examples: 1497
-  download_size: 6675913
-  dataset_size: 20386550
-- config_name: common_gen_topic_to_sentence
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 15085866
-    num_examples: 67389
-  - name: validation
-    num_bytes: 914278
-    num_examples: 4018
-  - name: test
-    num_bytes: 169777
-    num_examples: 1497
-  download_size: 5634470
-  dataset_size: 16169921
-- config_name: common_gen_topics_from_the_sentence
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16631691
-    num_examples: 67389
-  - name: validation
-    num_bytes: 1033180
-    num_examples: 4018
-  - name: test
-    num_bytes: 230695
-    num_examples: 1497
-  download_size: 6505604
-  dataset_size: 17895566
-- config_name: cos_e_v1.11_aligned_with_common_sense
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 5953379
-    num_examples: 9741
-  - name: validation
-    num_bytes: 727452
-    num_examples: 1221
-  download_size: 2505981
-  dataset_size: 6680831
-- config_name: cos_e_v1.11_description_question_option_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4842890
-    num_examples: 9741
-  - name: validation
-    num_bytes: 603242
-    num_examples: 1221
-  download_size: 1883409
-  dataset_size: 5446132
-- config_name: cos_e_v1.11_description_question_option_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 5269699
-    num_examples: 9741
-  - name: validation
-    num_bytes: 656059
-    num_examples: 1221
-  download_size: 2370657
-  dataset_size: 5925758
-- config_name: cos_e_v1.11_explain_why_human
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 5427397
-    num_examples: 9741
-  - name: validation
-    num_bytes: 661522
-    num_examples: 1221
-  download_size: 2543940
-  dataset_size: 6088919
-- config_name: cos_e_v1.11_generate_explanation_given_text
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4677340
-    num_examples: 9741
-  - name: validation
-    num_bytes: 567505
-    num_examples: 1221
-  download_size: 2486018
-  dataset_size: 5244845
-- config_name: cos_e_v1.11_i_think
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 6041080
-    num_examples: 9741
-  - name: validation
-    num_bytes: 738445
-    num_examples: 1221
-  download_size: 2559311
-  dataset_size: 6779525
-- config_name: cos_e_v1.11_question_description_option_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4570142
-    num_examples: 9741
-  - name: validation
-    num_bytes: 569054
-    num_examples: 1221
-  download_size: 1857489
-  dataset_size: 5139196
-- config_name: cos_e_v1.11_question_description_option_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4967728
-    num_examples: 9741
-  - name: validation
-    num_bytes: 618208
-    num_examples: 1221
-  download_size: 2336489
-  dataset_size: 5585936
-- config_name: cos_e_v1.11_question_option_description_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3693452
-    num_examples: 9741
-  - name: validation
-    num_bytes: 459164
-    num_examples: 1221
-  download_size: 1816326
-  dataset_size: 4152616
-- config_name: cos_e_v1.11_question_option_description_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4120261
-    num_examples: 9741
-  - name: validation
-    num_bytes: 511981
-    num_examples: 1221
-  download_size: 2303921
-  dataset_size: 4632242
-- config_name: cos_e_v1.11_rationale
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 5252059
-    num_examples: 9741
-  - name: validation
-    num_bytes: 639544
-    num_examples: 1221
-  download_size: 2527140
-  dataset_size: 5891603
-- config_name: cosmos_qa_context_answer_to_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 26180650
-    num_examples: 25262
-  - name: validation
-    num_bytes: 3249006
-    num_examples: 2985
-  - name: test
-    num_bytes: 6946224
-    num_examples: 6963
-  download_size: 14635073
-  dataset_size: 36375880
-- config_name: cosmos_qa_context_description_question_answer_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 34592659
-    num_examples: 25262
-  - name: validation
-    num_bytes: 4377835
-    num_examples: 2985
-  - name: test
-    num_bytes: 10239710
-    num_examples: 6963
-  download_size: 18447200
-  dataset_size: 49210204
-- config_name: cosmos_qa_context_description_question_answer_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 39970634
-    num_examples: 25262
-  - name: validation
-    num_bytes: 5161781
-    num_examples: 2985
-  - name: test
-    num_bytes: 12030085
-    num_examples: 6963
-  download_size: 22547457
-  dataset_size: 57162500
-- config_name: cosmos_qa_context_description_question_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 29196303
-    num_examples: 25262
-  - name: validation
-    num_bytes: 3705275
-    num_examples: 2985
-  - name: test
-    num_bytes: 8646080
-    num_examples: 6963
-  download_size: 17329708
-  dataset_size: 41547658
-- config_name: cosmos_qa_context_question_description_answer_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 31990673
-    num_examples: 25262
-  - name: validation
-    num_bytes: 4070380
-    num_examples: 2985
-  - name: test
-    num_bytes: 9522521
-    num_examples: 6963
-  download_size: 18002331
-  dataset_size: 45583574
-- config_name: cosmos_qa_context_question_description_answer_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 37368648
-    num_examples: 25262
-  - name: validation
-    num_bytes: 4854326
-    num_examples: 2985
-  - name: test
-    num_bytes: 11312896
-    num_examples: 6963
-  download_size: 22181690
-  dataset_size: 53535870
-- config_name: cosmos_qa_context_question_description_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 28514229
-    num_examples: 25262
-  - name: validation
-    num_bytes: 3624680
-    num_examples: 2985
-  - name: test
-    num_bytes: 8458079
-    num_examples: 6963
-  download_size: 17310690
-  dataset_size: 40596988
-- config_name: cosmos_qa_description_context_question_answer_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 34668445
-    num_examples: 25262
-  - name: validation
-    num_bytes: 4386790
-    num_examples: 2985
-  - name: test
-    num_bytes: 10260599
-    num_examples: 6963
-  download_size: 18455761
-  dataset_size: 49315834
-- config_name: cosmos_qa_description_context_question_answer_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 40046420
-    num_examples: 25262
-  - name: validation
-    num_bytes: 5170736
-    num_examples: 2985
-  - name: test
-    num_bytes: 12050974
-    num_examples: 6963
-  download_size: 22574952
-  dataset_size: 57268130
-- config_name: cosmos_qa_description_context_question_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 30105735
-    num_examples: 25262
-  - name: validation
-    num_bytes: 3812735
-    num_examples: 2985
-  - name: test
-    num_bytes: 8896748
-    num_examples: 6963
-  download_size: 17392729
-  dataset_size: 42815218
-- config_name: cosmos_qa_no_prompt_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 29843403
-    num_examples: 25262
-  - name: validation
-    num_bytes: 3816655
-    num_examples: 2985
-  - name: test
-    num_bytes: 8930666
-    num_examples: 6963
-  download_size: 17856956
-  dataset_size: 42590724
-- config_name: cosmos_qa_no_prompt_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 35221378
-    num_examples: 25262
-  - name: validation
-    num_bytes: 4600601
-    num_examples: 2985
-  - name: test
-    num_bytes: 10721041
-    num_examples: 6963
-  download_size: 21950786
-  dataset_size: 50543020
-- config_name: cosmos_qa_only_question_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 9307051
-    num_examples: 25262
-  - name: validation
-    num_bytes: 1265511
-    num_examples: 2985
-  - name: test
-    num_bytes: 2916821
-    num_examples: 6963
-  download_size: 6171348
-  dataset_size: 13489383
-- config_name: dbpedia_14_given_a_choice_of_categories_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 719436519
-    num_examples: 560000
-  - name: test
-    num_bytes: 89954668
-    num_examples: 70000
-  download_size: 231812702
-  dataset_size: 809391187
-- config_name: dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 409923864
-    num_examples: 560000
-  - name: test
-    num_bytes: 51249097
-    num_examples: 70000
-  download_size: 38870531
-  dataset_size: 461172961
-- config_name: dbpedia_14_given_list_what_category_does_the_paragraph_belong_to
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 698518491
-    num_examples: 560000
-  - name: test
-    num_bytes: 87332355
-    num_examples: 70000
-  download_size: 219363263
-  dataset_size: 785850846
-- config_name: dbpedia_14_pick_one_category_for_the_following_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 717756507
-    num_examples: 560000
-  - name: test
-    num_bytes: 89744668
-    num_examples: 70000
-  download_size: 230680647
-  dataset_size: 807501175
-- config_name: dream_answer_to_dialogue
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 9167493
-    num_examples: 6116
-  - name: validation
-    num_bytes: 3008442
-    num_examples: 2040
-  - name: test
-    num_bytes: 3008242
-    num_examples: 2041
-  download_size: 3571012
-  dataset_size: 15184177
-- config_name: dream_baseline
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 10027147
-    num_examples: 6116
-  - name: validation
-    num_bytes: 3280100
-    num_examples: 2040
-  - name: test
-    num_bytes: 3289529
-    num_examples: 2041
-  download_size: 6311330
-  dataset_size: 16596776
-- config_name: dream_generate_first_utterance
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 7880062
-    num_examples: 6116
-  - name: validation
-    num_bytes: 2580535
-    num_examples: 2040
-  - name: test
-    num_bytes: 2584957
-    num_examples: 2041
-  download_size: 2989013
-  dataset_size: 13045554
-- config_name: dream_generate_last_utterance
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 8125880
-    num_examples: 6116
-  - name: validation
-    num_bytes: 2659720
-    num_examples: 2040
-  - name: test
-    num_bytes: 2660169
-    num_examples: 2041
-  download_size: 3018904
-  dataset_size: 13445769
-- config_name: dream_read_the_following_conversation_and_answer_the_question
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 10461383
-    num_examples: 6116
-  - name: validation
-    num_bytes: 3424940
-    num_examples: 2040
-  - name: test
-    num_bytes: 3434440
-    num_examples: 2041
-  download_size: 6276363
-  dataset_size: 17320763
-- config_name: duorc_ParaphraseRC_answer_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 307403792
-    num_examples: 69524
-  - name: validation
-    num_bytes: 68663700
-    num_examples: 15591
-  - name: test
-    num_bytes: 70505620
-    num_examples: 15857
-  download_size: 99055163
-  dataset_size: 446573112
-- config_name: duorc_ParaphraseRC_build_story_around_qa
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 249444969
-    num_examples: 58752
-  - name: validation
-    num_bytes: 55541425
-    num_examples: 13111
-  - name: test
-    num_bytes: 57135051
-    num_examples: 13449
-  download_size: 71643871
-  dataset_size: 362121445
-- config_name: duorc_ParaphraseRC_decide_worth_it
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 314845789
-    num_examples: 69524
-  - name: validation
-    num_bytes: 70331271
-    num_examples: 15591
-  - name: test
-    num_bytes: 72204115
-    num_examples: 15857
-  download_size: 100794562
-  dataset_size: 457381175
-- config_name: duorc_ParaphraseRC_extract_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 308636910
-    num_examples: 69524
-  - name: validation
-    num_bytes: 68940369
-    num_examples: 15591
-  - name: test
-    num_bytes: 70789828
-    num_examples: 15857
-  download_size: 99839398
-  dataset_size: 448367107
-- config_name: duorc_ParaphraseRC_generate_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 289153644
-    num_examples: 69524
-  - name: validation
-    num_bytes: 64571759
-    num_examples: 15591
-  - name: test
-    num_bytes: 66337503
-    num_examples: 15857
-  download_size: 74472346
-  dataset_size: 420062906
-- config_name: duorc_ParaphraseRC_generate_question_by_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 254613731
-    num_examples: 58752
-  - name: validation
-    num_bytes: 56695982
-    num_examples: 13111
-  - name: test
-    num_bytes: 58319337
-    num_examples: 13449
-  download_size: 85228208
-  dataset_size: 369629050
-- config_name: duorc_ParaphraseRC_movie_director
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 313618847
-    num_examples: 69524
-  - name: validation
-    num_bytes: 70059761
-    num_examples: 15591
-  - name: test
-    num_bytes: 71923481
-    num_examples: 15857
-  download_size: 97051040
-  dataset_size: 455602089
-- config_name: duorc_ParaphraseRC_question_answering
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 303335003
-    num_examples: 69524
-  - name: validation
-    num_bytes: 67754823
-    num_examples: 15591
-  - name: test
-    num_bytes: 69577638
-    num_examples: 15857
-  download_size: 97347736
-  dataset_size: 440667464
-- config_name: duorc_ParaphraseRC_title_generation
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 286267262
-    num_examples: 69524
-  - name: validation
-    num_bytes: 63924046
-    num_examples: 15591
-  - name: test
-    num_bytes: 65673450
-    num_examples: 15857
-  download_size: 69655194
-  dataset_size: 415864758
-- config_name: duorc_SelfRC_answer_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 263617804
-    num_examples: 60721
-  - name: validation
-    num_bytes: 56257282
-    num_examples: 12961
-  - name: test
-    num_bytes: 54002992
-    num_examples: 12559
-  download_size: 81555005
-  dataset_size: 373878078
-- config_name: duorc_SelfRC_build_story_around_qa
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 245194648
-    num_examples: 60094
-  - name: validation
-    num_bytes: 52411094
-    num_examples: 12845
-  - name: test
-    num_bytes: 50178336
-    num_examples: 12415
-  download_size: 64377895
-  dataset_size: 347784078
-- config_name: duorc_SelfRC_decide_worth_it
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 270001960
-    num_examples: 60721
-  - name: validation
-    num_bytes: 57619748
-    num_examples: 12961
-  - name: test
-    num_bytes: 55323474
-    num_examples: 12559
-  download_size: 83633588
-  dataset_size: 382945182
-- config_name: duorc_SelfRC_extract_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 264596258
-    num_examples: 60721
-  - name: validation
-    num_bytes: 56466014
-    num_examples: 12961
-  - name: test
-    num_bytes: 54205435
-    num_examples: 12559
-  download_size: 81309597
-  dataset_size: 375267707
-- config_name: duorc_SelfRC_generate_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 247615958
-    num_examples: 60721
-  - name: validation
-    num_bytes: 52851295
-    num_examples: 12961
-  - name: test
-    num_bytes: 50703125
-    num_examples: 12559
-  download_size: 60820233
-  dataset_size: 351170378
-- config_name: duorc_SelfRC_generate_question_by_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 250482850
-    num_examples: 60094
-  - name: validation
-    num_bytes: 53541352
-    num_examples: 12845
-  - name: test
-    num_bytes: 51271129
-    num_examples: 12415
-  download_size: 76508439
-  dataset_size: 355295331
-- config_name: duorc_SelfRC_movie_director
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 268967019
-    num_examples: 60721
-  - name: validation
-    num_bytes: 57398891
-    num_examples: 12961
-  - name: test
-    num_bytes: 55109435
-    num_examples: 12559
-  download_size: 80004661
-  dataset_size: 381475345
-- config_name: duorc_SelfRC_question_answering
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 259527119
-    num_examples: 60721
-  - name: validation
-    num_bytes: 55382968
-    num_examples: 12961
-  - name: test
-    num_bytes: 53157679
-    num_examples: 12559
-  download_size: 79992380
-  dataset_size: 368067766
-- config_name: duorc_SelfRC_title_generation
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 245154844
-    num_examples: 60721
-  - name: validation
-    num_bytes: 52322017
-    num_examples: 12961
-  - name: test
-    num_bytes: 50193684
-    num_examples: 12559
-  download_size: 57228086
-  dataset_size: 347670545
-- config_name: gigaword_TLDR
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2050904486
-    num_examples: 3803957
-  - name: validation
-    num_bytes: 102511962
-    num_examples: 189651
-  - name: test
-    num_bytes: 1022016
-    num_examples: 1951
-  download_size: 1034760505
-  dataset_size: 2154438464
-- config_name: gigaword_first_sentence_title
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2214474621
-    num_examples: 3803957
-  - name: validation
-    num_bytes: 110666955
-    num_examples: 189651
-  - name: test
-    num_bytes: 1105909
-    num_examples: 1951
-  download_size: 1045083572
-  dataset_size: 2326247485
-- config_name: gigaword_generate_summary_for_this
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2282945863
-    num_examples: 3803957
-  - name: validation
-    num_bytes: 114080673
-    num_examples: 189651
-  - name: test
-    num_bytes: 1141027
-    num_examples: 1951
-  download_size: 1047958875
-  dataset_size: 2398167563
-- config_name: gigaword_in_a_nutshell
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2107963841
-    num_examples: 3803957
-  - name: validation
-    num_bytes: 105356727
-    num_examples: 189651
-  - name: test
-    num_bytes: 1051281
-    num_examples: 1951
-  download_size: 1039054230
-  dataset_size: 2214371849
-- config_name: gigaword_make_a_title
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2187846922
-    num_examples: 3803957
-  - name: validation
-    num_bytes: 109339398
-    num_examples: 189651
-  - name: test
-    num_bytes: 1092252
-    num_examples: 1951
-  download_size: 1041468039
-  dataset_size: 2298278572
-- config_name: gigaword_reverse_writing
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2005257002
-    num_examples: 3803957
-  - name: validation
-    num_bytes: 100236150
-    num_examples: 189651
-  - name: test
-    num_bytes: 998604
-    num_examples: 1951
-  download_size: 1035911157
-  dataset_size: 2106491756
-- config_name: gigaword_write_a_title_for_this_sentence
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2256318148
-    num_examples: 3803957
-  - name: validation
-    num_bytes: 112753116
-    num_examples: 189651
-  - name: test
-    num_bytes: 1127370
-    num_examples: 1951
-  download_size: 1047096693
-  dataset_size: 2370198634
-- config_name: gigaword_write_an_article
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2340005218
-    num_examples: 3803957
-  - name: validation
-    num_bytes: 116925438
-    num_examples: 189651
-  - name: test
-    num_bytes: 1170292
-    num_examples: 1951
-  download_size: 1054197705
-  dataset_size: 2458100948
-- config_name: gigaword_write_its_sentence
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2313377519
-    num_examples: 3803957
-  - name: validation
-    num_bytes: 115597881
-    num_examples: 189651
-  - name: test
-    num_bytes: 1156635
-    num_examples: 1951
-  download_size: 1050253600
-  dataset_size: 2430132035
-- config_name: glue_mrpc_equivalent
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2501163
-    num_examples: 3668
-  - name: validation
-    num_bytes: 278983
-    num_examples: 408
-  - name: test
-    num_bytes: 1172357
-    num_examples: 1725
-  download_size: 1559623
-  dataset_size: 3952503
-- config_name: glue_mrpc_generate_paraphrase
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1412371
-    num_examples: 2474
-  - name: validation
-    num_bytes: 159956
-    num_examples: 279
-  - name: test
-    num_bytes: 655043
-    num_examples: 1147
-  download_size: 1319923
-  dataset_size: 2227370
-- config_name: glue_mrpc_generate_sentence
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1550915
-    num_examples: 2474
-  - name: validation
-    num_bytes: 175580
-    num_examples: 279
-  - name: test
-    num_bytes: 719275
-    num_examples: 1147
-  download_size: 1331017
-  dataset_size: 2445770
-- config_name: glue_mrpc_paraphrase
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2468409
-    num_examples: 3668
-  - name: validation
-    num_bytes: 275374
-    num_examples: 408
-  - name: test
-    num_bytes: 1156805
-    num_examples: 1725
-  download_size: 1556570
-  dataset_size: 3900588
-- config_name: glue_mrpc_replace
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2439065
-    num_examples: 3668
-  - name: validation
-    num_bytes: 272110
-    num_examples: 408
-  - name: test
-    num_bytes: 1143005
-    num_examples: 1725
-  download_size: 1568181
-  dataset_size: 3854180
-- config_name: glue_mrpc_same_thing
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2255665
-    num_examples: 3668
-  - name: validation
-    num_bytes: 251710
-    num_examples: 408
-  - name: test
-    num_bytes: 1056755
-    num_examples: 1725
-  download_size: 1533352
-  dataset_size: 3564130
-- config_name: glue_mrpc_want_to_know
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2464741
-    num_examples: 3668
-  - name: validation
-    num_bytes: 274966
-    num_examples: 408
-  - name: test
-    num_bytes: 1155080
-    num_examples: 1725
-  download_size: 1564693
-  dataset_size: 3894787
-- config_name: glue_qqp_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 138150624
-    num_examples: 363846
-  - name: validation
-    num_bytes: 15346609
-    num_examples: 40430
-  - name: test
-    num_bytes: 150346271
-    num_examples: 390965
-  download_size: 123951530
-  dataset_size: 303843504
-- config_name: glue_qqp_duplicate
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 143209364
-    num_examples: 363846
-  - name: validation
-    num_bytes: 15908817
-    num_examples: 40430
-  - name: test
-    num_bytes: 155772241
-    num_examples: 390965
-  download_size: 124829152
-  dataset_size: 314890422
-- config_name: glue_qqp_duplicate_or_not
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 166115206
-    num_examples: 363846
-  - name: validation
-    num_bytes: 18454224
-    num_examples: 40430
-  - name: test
-    num_bytes: 178133060
-    num_examples: 390965
-  download_size: 124310599
-  dataset_size: 362702490
-- config_name: glue_qqp_meaning
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 153364082
-    num_examples: 363846
-  - name: validation
-    num_bytes: 17036964
-    num_examples: 40430
-  - name: test
-    num_bytes: 166404110
-    num_examples: 390965
-  download_size: 125881194
-  dataset_size: 336805156
-- config_name: glue_qqp_quora
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 246541628
-    num_examples: 363846
-  - name: validation
-    num_bytes: 27390937
-    num_examples: 40430
-  - name: test
-    num_bytes: 266806301
-    num_examples: 390965
-  download_size: 138338190
-  dataset_size: 540738866
-- config_name: glue_qqp_same_thing
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 138150624
-    num_examples: 363846
-  - name: validation
-    num_bytes: 15346609
-    num_examples: 40430
-  - name: test
-    num_bytes: 150346271
-    num_examples: 390965
-  download_size: 125586835
-  dataset_size: 303843504
-- config_name: hellaswag_Appropriate_continuation_Yes_or_No
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 36636395
-    num_examples: 39905
-  - name: validation
-    num_bytes: 9457712
-    num_examples: 10042
-  - name: test
-    num_bytes: 9207968
-    num_examples: 10003
-  download_size: 22929700
-  dataset_size: 55302075
-- config_name: hellaswag_Open_ended_completion
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 53208771
-    num_examples: 39905
-  - name: validation
-    num_bytes: 13804081
-    num_examples: 10042
-  - name: test
-    num_bytes: 13323189
-    num_examples: 10003
-  download_size: 44228748
-  dataset_size: 80336041
-- config_name: hellaswag_Open_ended_start
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 31586178
-    num_examples: 39905
-  - name: validation
-    num_bytes: 8175505
-    num_examples: 10042
-  - name: test
-    num_bytes: 7918171
-    num_examples: 10003
-  download_size: 23750142
-  dataset_size: 47679854
-- config_name: hellaswag_Predict_ending_with_hint
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 103772125
-    num_examples: 39905
-  - name: validation
-    num_bytes: 26953584
-    num_examples: 10042
-  - name: test
-    num_bytes: 26056289
-    num_examples: 10003
-  download_size: 79049479
-  dataset_size: 156781998
-- config_name: hellaswag_Predict_ending_with_hint_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 327006481
-    num_examples: 159620
-  - name: validation
-    num_bytes: 84933063
-    num_examples: 40168
-  - name: test
-    num_bytes: 82304557
-    num_examples: 40012
-  download_size: 132747083
-  dataset_size: 494244101
-- config_name: hellaswag_Randomized_prompts_template
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 101707929
-    num_examples: 39905
-  - name: validation
-    num_bytes: 26424150
-    num_examples: 10042
-  - name: test
-    num_bytes: 25517504
-    num_examples: 10003
-  download_size: 78615384
-  dataset_size: 153649583
-- config_name: hellaswag_Randomized_prompts_template_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 318749697
-    num_examples: 159620
-  - name: validation
-    num_bytes: 82815327
-    num_examples: 40168
-  - name: test
-    num_bytes: 80149417
-    num_examples: 40012
-  download_size: 133148565
-  dataset_size: 481714441
-- config_name: hellaswag_Reversed_appropriate_continuation_Yes_or_No
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 37685857
-    num_examples: 39905
-  - name: validation
-    num_bytes: 9718940
-    num_examples: 10042
-  - name: test
-    num_bytes: 9484298
-    num_examples: 10003
-  download_size: 23013938
-  dataset_size: 56889095
-- config_name: hellaswag_Topic_of_the_context
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 33608243
-    num_examples: 39905
-  - name: validation
-    num_bytes: 8699532
-    num_examples: 10042
-  - name: test
-    num_bytes: 8451069
-    num_examples: 10003
-  download_size: 22556001
-  dataset_size: 50758844
-- config_name: hellaswag_Topic_without_the_ending_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 22237242
-    num_examples: 39905
-  - name: validation
-    num_bytes: 5743894
-    num_examples: 10042
-  - name: test
-    num_bytes: 5617224
-    num_examples: 10003
-  download_size: 14359159
-  dataset_size: 33598360
-- config_name: hellaswag_complete_first_then
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 102668715
-    num_examples: 39905
-  - name: validation
-    num_bytes: 26660776
-    num_examples: 10042
-  - name: test
-    num_bytes: 25754067
-    num_examples: 10003
-  download_size: 78228282
-  dataset_size: 155083558
-- config_name: hellaswag_complete_first_then_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 322592841
-    num_examples: 159620
-  - name: validation
-    num_bytes: 83761831
-    num_examples: 40168
-  - name: test
-    num_bytes: 81095669
-    num_examples: 40012
-  download_size: 132338669
-  dataset_size: 487450341
-- config_name: hellaswag_how_ends
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 71330813
-    num_examples: 39905
-  - name: validation
-    num_bytes: 18491297
-    num_examples: 10042
-  - name: test
-    num_bytes: 17929217
-    num_examples: 10003
-  download_size: 47966583
-  dataset_size: 107751327
-- config_name: hellaswag_if_begins_how_continues
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 74842453
-    num_examples: 39905
-  - name: validation
-    num_bytes: 19374993
-    num_examples: 10042
-  - name: test
-    num_bytes: 18809481
-    num_examples: 10003
-  download_size: 48306373
-  dataset_size: 113026927
-- config_name: hellaswag_if_begins_how_continues_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 293643445
-    num_examples: 159620
-  - name: validation
-    num_bytes: 76058945
-    num_examples: 40168
-  - name: test
-    num_bytes: 73802494
-    num_examples: 40012
-  download_size: 94001678
-  dataset_size: 443504884
-- config_name: imdb_Movie_Expressed_Sentiment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 62032706
-    num_examples: 25000
-  - name: test
-    num_bytes: 61156510
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 124406157
-    num_examples: 50000
-  download_size: 128577979
-  dataset_size: 247595373
-- config_name: imdb_Movie_Expressed_Sentiment_2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 62632706
-    num_examples: 25000
-  - name: test
-    num_bytes: 61756510
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 125606157
-    num_examples: 50000
-  download_size: 128508345
-  dataset_size: 249995373
-- config_name: imdb_Negation_template_for_positive_and_negative
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 61932706
-    num_examples: 25000
-  - name: test
-    num_bytes: 61056510
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 123606157
-    num_examples: 50000
-  download_size: 128322307
-  dataset_size: 246595373
-- config_name: imdb_Reviewer_Enjoyment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 63445206
-    num_examples: 25000
-  - name: test
-    num_bytes: 62569010
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 126656157
-    num_examples: 50000
-  download_size: 128649514
-  dataset_size: 252670373
-- config_name: imdb_Reviewer_Enjoyment_Yes_No
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 61545206
-    num_examples: 25000
-  - name: test
-    num_bytes: 60669010
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 123456157
-    num_examples: 50000
-  download_size: 128440487
-  dataset_size: 245670373
-- config_name: imdb_Reviewer_Expressed_Sentiment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 63182706
-    num_examples: 25000
-  - name: test
-    num_bytes: 62306510
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 126706157
-    num_examples: 50000
-  download_size: 128979366
-  dataset_size: 252195373
-- config_name: imdb_Reviewer_Opinion_bad_good_choices
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 62220206
-    num_examples: 25000
-  - name: test
-    num_bytes: 61344010
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 124806157
-    num_examples: 50000
-  download_size: 128595877
-  dataset_size: 248370373
-- config_name: imdb_Reviewer_Sentiment_Feeling
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 62257706
-    num_examples: 25000
-  - name: test
-    num_bytes: 61381510
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 124856157
-    num_examples: 50000
-  download_size: 128516819
-  dataset_size: 248495373
-- config_name: imdb_Sentiment_with_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 62082706
-    num_examples: 25000
-  - name: test
-    num_bytes: 61206510
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 124506157
-    num_examples: 50000
-  download_size: 128468742
-  dataset_size: 247795373
-- config_name: imdb_Text_Expressed_Sentiment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 62357706
-    num_examples: 25000
-  - name: test
-    num_bytes: 61481510
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 125056157
-    num_examples: 50000
-  download_size: 128646772
-  dataset_size: 248895373
-- config_name: imdb_Writer_Expressed_Sentiment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 62657706
-    num_examples: 25000
-  - name: test
-    num_bytes: 61781510
-    num_examples: 25000
-  - name: unsupervised
-    num_bytes: 125656157
-    num_examples: 50000
-  download_size: 128736120
-  dataset_size: 250095373
-- config_name: kilt_tasks_hotpotqa_combining_facts
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 28006020
-    num_examples: 88869
-  - name: validation
-    num_bytes: 1631261
-    num_examples: 5600
-  download_size: 16337892
-  dataset_size: 29637281
-- config_name: kilt_tasks_hotpotqa_complex_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 38936907
-    num_examples: 88869
-  - name: validation
-    num_bytes: 2320061
-    num_examples: 5600
-  download_size: 17061376
-  dataset_size: 41256968
-- config_name: kilt_tasks_hotpotqa_final_exam
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 28094889
-    num_examples: 88869
-  - name: validation
-    num_bytes: 1636861
-    num_examples: 5600
-  download_size: 16329789
-  dataset_size: 29731750
-- config_name: kilt_tasks_hotpotqa_formulate
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 30938697
-    num_examples: 88869
-  - name: validation
-    num_bytes: 1816061
-    num_examples: 5600
-  download_size: 16488556
-  dataset_size: 32754758
-- config_name: kilt_tasks_hotpotqa_straighforward_qa
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 23118225
-    num_examples: 88869
-  - name: validation
-    num_bytes: 1323261
-    num_examples: 5600
-  download_size: 15949825
-  dataset_size: 24441486
-- config_name: multi_news_distill
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 526482331
-    num_examples: 44972
-  - name: validation
-    num_bytes: 64826209
-    num_examples: 5622
-  - name: test
-    num_bytes: 65237355
-    num_examples: 5622
-  download_size: 357690260
-  dataset_size: 656545895
-- config_name: multi_news_expand_reverse_task_
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 267362109
-    num_examples: 44972
-  - name: validation
-    num_bytes: 33300262
-    num_examples: 5622
-  - name: test
-    num_bytes: 33227745
-    num_examples: 5622
-  download_size: 189087861
-  dataset_size: 333890116
-- config_name: multi_news_summarize
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 525663317
-    num_examples: 44972
-  - name: validation
-    num_bytes: 64723513
-    num_examples: 5622
-  - name: test
-    num_bytes: 65134796
-    num_examples: 5622
-  download_size: 357146250
-  dataset_size: 655521626
-- config_name: multi_news_summary_scenario
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 527516687
-    num_examples: 44972
-  - name: validation
-    num_bytes: 64955515
-    num_examples: 5622
-  - name: test
-    num_bytes: 65366661
-    num_examples: 5622
-  download_size: 357925759
-  dataset_size: 657838863
-- config_name: multi_news_synthesize
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 525154825
-    num_examples: 44972
-  - name: validation
-    num_bytes: 64662427
-    num_examples: 5622
-  - name: test
-    num_bytes: 65072614
-    num_examples: 5622
-  download_size: 357282630
-  dataset_size: 654889866
-- config_name: multi_news_what_are_the_key_points
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 526122555
-    num_examples: 44972
-  - name: validation
-    num_bytes: 64781233
-    num_examples: 5622
-  - name: test
-    num_bytes: 65192379
-    num_examples: 5622
-  download_size: 357472016
-  dataset_size: 656096167
-- config_name: openbookqa_main_choices
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2153221
-    num_examples: 4957
-  - name: validation
-    num_bytes: 236646
-    num_examples: 500
-  - name: test
-    num_bytes: 224988
-    num_examples: 500
-  download_size: 1525965
-  dataset_size: 2614855
-- config_name: openbookqa_main_choose_an_answer_with_options
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2351501
-    num_examples: 4957
-  - name: validation
-    num_bytes: 256646
-    num_examples: 500
-  - name: test
-    num_bytes: 244988
-    num_examples: 500
-  download_size: 1540999
-  dataset_size: 2853135
-- config_name: openbookqa_main_only_options
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2044167
-    num_examples: 4957
-  - name: validation
-    num_bytes: 225646
-    num_examples: 500
-  - name: test
-    num_bytes: 213988
-    num_examples: 500
-  download_size: 1510736
-  dataset_size: 2483801
-- config_name: openbookqa_main_pick_answer_with_options
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2391157
-    num_examples: 4957
-  - name: validation
-    num_bytes: 260646
-    num_examples: 500
-  - name: test
-    num_bytes: 248988
-    num_examples: 500
-  download_size: 1543503
-  dataset_size: 2900791
-- config_name: openbookqa_main_pick_using_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2231304
-    num_examples: 4957
-  - name: validation
-    num_bytes: 235175
-    num_examples: 500
-  - name: test
-    num_bytes: 228627
-    num_examples: 500
-  download_size: 1091533
-  dataset_size: 2695106
-- config_name: openbookqa_main_which_correct
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2311845
-    num_examples: 4957
-  - name: validation
-    num_bytes: 252646
-    num_examples: 500
-  - name: test
-    num_bytes: 240988
-    num_examples: 500
-  download_size: 1539423
-  dataset_size: 2805479
-- config_name: openbookqa_main_which_correct_inverse
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2311845
-    num_examples: 4957
-  - name: validation
-    num_bytes: 252646
-    num_examples: 500
-  - name: test
-    num_bytes: 240988
-    num_examples: 500
-  download_size: 1557407
-  dataset_size: 2805479
-- config_name: paws_labeled_final_Concatenation
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 35504031
-    num_examples: 49401
-  - name: validation
-    num_bytes: 5747157
-    num_examples: 8000
-  - name: test
-    num_bytes: 5751626
-    num_examples: 8000
-  download_size: 16144636
-  dataset_size: 47002814
-- config_name: paws_labeled_final_Concatenation_no_label
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 34170204
-    num_examples: 49401
-  - name: validation
-    num_bytes: 5531157
-    num_examples: 8000
-  - name: test
-    num_bytes: 5535626
-    num_examples: 8000
-  download_size: 16107402
-  dataset_size: 45236987
-- config_name: paws_labeled_final_Meaning
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 36887259
-    num_examples: 49401
-  - name: validation
-    num_bytes: 5971157
-    num_examples: 8000
-  - name: test
-    num_bytes: 5975626
-    num_examples: 8000
-  download_size: 16398207
-  dataset_size: 48834042
-- config_name: paws_labeled_final_Meaning_no_label
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 35553432
-    num_examples: 49401
-  - name: validation
-    num_bytes: 5755157
-    num_examples: 8000
-  - name: test
-    num_bytes: 5759626
-    num_examples: 8000
-  download_size: 16275164
-  dataset_size: 47068215
-- config_name: paws_labeled_final_PAWS_ANLI_GPT3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 29160017
-    num_examples: 49401
-  - name: validation
-    num_bytes: 4719767
-    num_examples: 8000
-  - name: test
-    num_bytes: 4724266
-    num_examples: 8000
-  download_size: 15896734
-  dataset_size: 38604050
-- config_name: paws_labeled_final_PAWS_ANLI_GPT3_no_label
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 28587891
-    num_examples: 49401
-  - name: validation
-    num_bytes: 4627157
-    num_examples: 8000
-  - name: test
-    num_bytes: 4631626
-    num_examples: 8000
-  download_size: 15859385
-  dataset_size: 37846674
-- config_name: paws_labeled_final_Rewrite
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 36195645
-    num_examples: 49401
-  - name: validation
-    num_bytes: 5859157
-    num_examples: 8000
-  - name: test
-    num_bytes: 5863626
-    num_examples: 8000
-  download_size: 16218433
-  dataset_size: 47918428
-- config_name: paws_labeled_final_Rewrite_no_label
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 34861818
-    num_examples: 49401
-  - name: validation
-    num_bytes: 5643157
-    num_examples: 8000
-  - name: test
-    num_bytes: 5647626
-    num_examples: 8000
-  download_size: 16128581
-  dataset_size: 46152601
-- config_name: paws_labeled_final_context_question
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 32095286
-    num_examples: 49401
-  - name: validation
-    num_bytes: 5195157
-    num_examples: 8000
-  - name: test
-    num_bytes: 5199626
-    num_examples: 8000
-  download_size: 16025554
-  dataset_size: 42490069
-- config_name: paws_labeled_final_context_question_no_label
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 30761459
-    num_examples: 49401
-  - name: validation
-    num_bytes: 4979157
-    num_examples: 8000
-  - name: test
-    num_bytes: 4983626
-    num_examples: 8000
-  download_size: 15864193
-  dataset_size: 40724242
-- config_name: paws_labeled_final_paraphrase_task
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 11968844
-    num_examples: 21829
-  - name: validation
-    num_bytes: 1934151
-    num_examples: 3539
-  - name: test
-    num_bytes: 1926799
-    num_examples: 3536
-  download_size: 9170780
-  dataset_size: 15829794
-- config_name: paws_labeled_final_task_description_no_label
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 34417209
-    num_examples: 49401
-  - name: validation
-    num_bytes: 5571157
-    num_examples: 8000
-  - name: test
-    num_bytes: 5575626
-    num_examples: 8000
-  download_size: 16154086
-  dataset_size: 45563992
-- config_name: piqa_Correct_the_solution
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 11641830
-    num_examples: 16113
-  - name: validation
-    num_bytes: 1320985
-    num_examples: 1838
-  - name: test
-    num_bytes: 1592862
-    num_examples: 3084
-  download_size: 5999625
-  dataset_size: 14555677
-- config_name: piqa_Correct_the_solution_if_false_from_sol_1
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 12887919
-    num_examples: 16113
-  - name: validation
-    num_bytes: 1464087
-    num_examples: 1838
-  - name: test
-    num_bytes: 2420392
-    num_examples: 3084
-  download_size: 7007961
-  dataset_size: 16772398
-- config_name: piqa_Correct_the_solution_if_false_from_sol_2
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13211867
-    num_examples: 16113
-  - name: validation
-    num_bytes: 1501638
-    num_examples: 1838
-  - name: test
-    num_bytes: 2477792
-    num_examples: 3084
-  download_size: 6997845
-  dataset_size: 17191297
-- config_name: piqa_Does_this_solution_make_sense_sol1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 6636301
-    num_examples: 16113
-  - name: validation
-    num_bytes: 753973
-    num_examples: 1838
-  - name: test
-    num_bytes: 1247802
-    num_examples: 3084
-  download_size: 3521901
-  dataset_size: 8638076
-- config_name: piqa_Does_this_solution_make_sense_sol2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 5965494
-    num_examples: 16113
-  - name: validation
-    num_bytes: 678150
-    num_examples: 1838
-  - name: test
-    num_bytes: 1117926
-    num_examples: 3084
-  download_size: 3509157
-  dataset_size: 7761570
-- config_name: piqa_choose_the_most_appropriate_solution
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13494825
-    num_examples: 16113
-  - name: validation
-    num_bytes: 1532355
-    num_examples: 1838
-  - name: test
-    num_bytes: 2536713
-    num_examples: 3084
-  download_size: 5413070
-  dataset_size: 17563893
-- config_name: piqa_finish_sentence_with_correct_choice
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16905704
-    num_examples: 16113
-  - name: validation
-    num_bytes: 1912341
-    num_examples: 1838
-  - name: test
-    num_bytes: 3140101
-    num_examples: 3084
-  download_size: 9742835
-  dataset_size: 21958146
-- config_name: piqa_no_prompt_needed
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4712823
-    num_examples: 16113
-  - name: validation
-    num_bytes: 534576
-    num_examples: 1838
-  - name: test
-    num_bytes: 876526
-    num_examples: 3084
-  download_size: 3629823
-  dataset_size: 6123925
-- config_name: piqa_pick_correct_choice_index
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 11722395
-    num_examples: 16113
-  - name: validation
-    num_bytes: 1330175
-    num_examples: 1838
-  - name: test
-    num_bytes: 2197473
-    num_examples: 3084
-  download_size: 5342526
-  dataset_size: 15250043
-- config_name: piqa_pick_correct_choice_with_choice_given_before_goal
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 18033614
-    num_examples: 16113
-  - name: validation
-    num_bytes: 2041001
-    num_examples: 1838
-  - name: test
-    num_bytes: 3355981
-    num_examples: 3084
-  download_size: 9921311
-  dataset_size: 23430596
-- config_name: piqa_what_is_the_correct_ending
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16212845
-    num_examples: 16113
-  - name: validation
-    num_bytes: 1833307
-    num_examples: 1838
-  - name: test
-    num_bytes: 3007489
-    num_examples: 3084
-  download_size: 9698311
-  dataset_size: 21053641
-- config_name: qasc_is_correct_1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3401103
-    num_examples: 8134
-  - name: validation
-    num_bytes: 386132
-    num_examples: 926
-  - name: test
-    num_bytes: 292623
-    num_examples: 920
-  download_size: 1007200
-  dataset_size: 4079858
-- config_name: qasc_is_correct_2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3224126
-    num_examples: 8134
-  - name: validation
-    num_bytes: 366377
-    num_examples: 926
-  - name: test
-    num_bytes: 273894
-    num_examples: 920
-  download_size: 971146
-  dataset_size: 3864397
-- config_name: qasc_qa_with_combined_facts_1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 5454180
-    num_examples: 8134
-  - name: validation
-    num_bytes: 634966
-    num_examples: 926
-  - name: test
-    num_bytes: 504845
-    num_examples: 920
-  download_size: 2361874
-  dataset_size: 6593991
-- config_name: qasc_qa_with_separated_facts_1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 6720877
-    num_examples: 8134
-  - name: validation
-    num_bytes: 775778
-    num_examples: 926
-  - name: test
-    num_bytes: 552734
-    num_examples: 920
-  download_size: 2660711
-  dataset_size: 8049389
-- config_name: qasc_qa_with_separated_facts_2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 7495374
-    num_examples: 8134
-  - name: validation
-    num_bytes: 863300
-    num_examples: 926
-  - name: test
-    num_bytes: 639038
-    num_examples: 920
-  download_size: 2861838
-  dataset_size: 8997712
-- config_name: qasc_qa_with_separated_facts_3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4698908
-    num_examples: 8134
-  - name: validation
-    num_bytes: 533946
-    num_examples: 926
-  - name: test
-    num_bytes: 321095
-    num_examples: 920
-  download_size: 1676862
-  dataset_size: 5553949
-- config_name: qasc_qa_with_separated_facts_4
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 7652886
-    num_examples: 8134
-  - name: validation
-    num_bytes: 882976
-    num_examples: 926
-  - name: test
-    num_bytes: 655598
-    num_examples: 920
-  download_size: 2758819
-  dataset_size: 9191460
-- config_name: qasc_qa_with_separated_facts_5
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 6924317
-    num_examples: 8134
-  - name: validation
-    num_bytes: 788056
-    num_examples: 926
-  - name: test
-    num_bytes: 563751
-    num_examples: 920
-  download_size: 1797726
-  dataset_size: 8276124
-- config_name: quail_context_description_question_answer_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 43125519
-    num_examples: 10246
-  - name: validation
-    num_bytes: 9171413
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2357827
-    num_examples: 556
-  download_size: 11361949
-  dataset_size: 54654759
-- config_name: quail_context_description_question_answer_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 44439949
-    num_examples: 10246
-  - name: validation
-    num_bytes: 9451133
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2421642
-    num_examples: 556
-  download_size: 12285007
-  dataset_size: 56312724
-- config_name: quail_context_description_question_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 41312532
-    num_examples: 10246
-  - name: validation
-    num_bytes: 8789051
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2257033
-    num_examples: 556
-  download_size: 10325100
-  dataset_size: 52358616
-- config_name: quail_context_question_answer_description_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 42080427
-    num_examples: 10246
-  - name: validation
-    num_bytes: 8950685
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2301115
-    num_examples: 556
-  download_size: 10880551
-  dataset_size: 53332227
-- config_name: quail_context_question_answer_description_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 43456333
-    num_examples: 10246
-  - name: validation
-    num_bytes: 9243389
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2368266
-    num_examples: 556
-  download_size: 12002210
-  dataset_size: 55067988
-- config_name: quail_context_question_description_answer_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 42070181
-    num_examples: 10246
-  - name: validation
-    num_bytes: 8948521
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2300559
-    num_examples: 556
-  download_size: 10990498
-  dataset_size: 53319261
-- config_name: quail_context_question_description_answer_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 43384611
-    num_examples: 10246
-  - name: validation
-    num_bytes: 9228241
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2364374
-    num_examples: 556
-  download_size: 11855007
-  dataset_size: 54977226
-- config_name: quail_context_question_description_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 41220318
-    num_examples: 10246
-  - name: validation
-    num_bytes: 8769575
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2252029
-    num_examples: 556
-  download_size: 9797404
-  dataset_size: 52241922
-- config_name: quail_description_context_question_answer_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 43146011
-    num_examples: 10246
-  - name: validation
-    num_bytes: 9175741
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2358939
-    num_examples: 556
-  download_size: 11386473
-  dataset_size: 54680691
-- config_name: quail_description_context_question_answer_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 44460441
-    num_examples: 10246
-  - name: validation
-    num_bytes: 9455461
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2422754
-    num_examples: 556
-  download_size: 12397346
-  dataset_size: 56338656
-- config_name: quail_description_context_question_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 41681388
-    num_examples: 10246
-  - name: validation
-    num_bytes: 8866955
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2277049
-    num_examples: 556
-  download_size: 10025138
-  dataset_size: 52825392
-- config_name: quail_no_prompt_id
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 41168533
-    num_examples: 10246
-  - name: validation
-    num_bytes: 8758089
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2251631
-    num_examples: 556
-  download_size: 10997708
-  dataset_size: 52178253
-- config_name: quail_no_prompt_text
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 42482963
-    num_examples: 10246
-  - name: validation
-    num_bytes: 9037809
-    num_examples: 2164
-  - name: challenge
-    num_bytes: 2315446
-    num_examples: 556
-  download_size: 11939913
-  dataset_size: 53836218
-- config_name: quarel_choose_between
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1121848
-    num_examples: 1941
-  - name: validation
-    num_bytes: 162463
-    num_examples: 278
-  - name: test
-    num_bytes: 322405
-    num_examples: 552
-  download_size: 744152
-  dataset_size: 1606716
-- config_name: quarel_do_not_use
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1331476
-    num_examples: 1941
-  - name: validation
-    num_bytes: 192487
-    num_examples: 278
-  - name: test
-    num_bytes: 382021
-    num_examples: 552
-  download_size: 762421
-  dataset_size: 1905984
-- config_name: quarel_heres_a_story
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1308176
-    num_examples: 1941
-  - name: validation
-    num_bytes: 189143
-    num_examples: 278
-  - name: test
-    num_bytes: 375385
-    num_examples: 552
-  download_size: 755827
-  dataset_size: 1872704
-- config_name: quarel_logic_test
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1226662
-    num_examples: 1941
-  - name: validation
-    num_bytes: 177475
-    num_examples: 278
-  - name: test
-    num_bytes: 352213
-    num_examples: 552
-  download_size: 750383
-  dataset_size: 1756350
-- config_name: quarel_testing_students
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1380001
-    num_examples: 1941
-  - name: validation
-    num_bytes: 199429
-    num_examples: 278
-  - name: test
-    num_bytes: 395809
-    num_examples: 552
-  download_size: 764977
-  dataset_size: 1975239
-- config_name: quartz_answer_question_based_on
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1684739
-    num_examples: 2696
-  - name: validation
-    num_bytes: 247716
-    num_examples: 384
-  - name: test
-    num_bytes: 493561
-    num_examples: 784
-  download_size: 831927
-  dataset_size: 2426016
-- config_name: quartz_answer_question_below
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1576899
-    num_examples: 2696
-  - name: validation
-    num_bytes: 232356
-    num_examples: 384
-  - name: test
-    num_bytes: 462201
-    num_examples: 784
-  download_size: 816299
-  dataset_size: 2271456
-- config_name: quartz_given_the_fact_answer_the_q
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1568811
-    num_examples: 2696
-  - name: validation
-    num_bytes: 231204
-    num_examples: 384
-  - name: test
-    num_bytes: 459849
-    num_examples: 784
-  download_size: 820060
-  dataset_size: 2259864
-- config_name: quartz_having_read_above_passage
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1971956
-    num_examples: 2696
-  - name: validation
-    num_bytes: 289568
-    num_examples: 384
-  - name: test
-    num_bytes: 576980
-    num_examples: 784
-  download_size: 899987
-  dataset_size: 2838504
-- config_name: quartz_paragraph_question_plain_concat
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1350435
-    num_examples: 2696
-  - name: validation
-    num_bytes: 200100
-    num_examples: 384
-  - name: test
-    num_bytes: 396345
-    num_examples: 784
-  download_size: 819662
-  dataset_size: 1946880
-- config_name: quartz_read_passage_below_choose
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1939604
-    num_examples: 2696
-  - name: validation
-    num_bytes: 284960
-    num_examples: 384
-  - name: test
-    num_bytes: 567572
-    num_examples: 784
-  download_size: 900803
-  dataset_size: 2792136
-- config_name: quartz_use_info_from_paragraph_question
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1752139
-    num_examples: 2696
-  - name: validation
-    num_bytes: 257316
-    num_examples: 384
-  - name: test
-    num_bytes: 513161
-    num_examples: 784
-  download_size: 848383
-  dataset_size: 2522616
-- config_name: quartz_use_info_from_question_paragraph
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1752139
-    num_examples: 2696
-  - name: validation
-    num_bytes: 257316
-    num_examples: 384
-  - name: test
-    num_bytes: 513161
-    num_examples: 784
-  download_size: 839102
-  dataset_size: 2522616
-- config_name: quoref_Answer_Friend_Question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 77399413
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9525595
-    num_examples: 2418
-  download_size: 21172797
-  dataset_size: 86925008
-- config_name: quoref_Answer_Question_Given_Context
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 75906482
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9339515
-    num_examples: 2418
-  download_size: 21085034
-  dataset_size: 85245997
-- config_name: quoref_Answer_Test
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 77478073
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9535373
-    num_examples: 2418
-  download_size: 20833370
-  dataset_size: 87013446
-- config_name: quoref_Context_Contains_Answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 76410209
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9402213
-    num_examples: 2418
-  download_size: 20984076
-  dataset_size: 85812422
-- config_name: quoref_Find_Answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 76972842
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9472336
-    num_examples: 2418
-  download_size: 21102482
-  dataset_size: 86445178
-- config_name: quoref_Found_Context_Online
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 76216636
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9378034
-    num_examples: 2418
-  download_size: 21073714
-  dataset_size: 85594670
-- config_name: quoref_Given_Context_Answer_Question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 75847706
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9331924
-    num_examples: 2418
-  download_size: 20955369
-  dataset_size: 85179630
-- config_name: quoref_Guess_Answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 76701159
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9438300
-    num_examples: 2418
-  download_size: 20961433
-  dataset_size: 86139459
-- config_name: quoref_Guess_Title_For_Context
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 73151029
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9007516
-    num_examples: 2418
-  download_size: 15926200
-  dataset_size: 82158545
-- config_name: quoref_Read_And_Extract_
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 76216632
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9378203
-    num_examples: 2418
-  download_size: 21186451
-  dataset_size: 85594835
-- config_name: quoref_What_Is_The_Answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 76274484
-    num_examples: 19399
-  - name: validation
-    num_bytes: 9385073
-    num_examples: 2418
-  download_size: 20988976
-  dataset_size: 85659557
-- config_name: race_high_Is_this_the_right_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 224067250
-    num_examples: 62445
-  - name: validation
-    num_bytes: 12288423
-    num_examples: 3451
-  - name: test
-    num_bytes: 12402597
-    num_examples: 3498
-  download_size: 80907333
-  dataset_size: 248758270
-- config_name: race_high_Read_the_article_and_answer_the_question_no_option_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 234697713
-    num_examples: 62445
-  - name: validation
-    num_bytes: 12871866
-    num_examples: 3451
-  - name: test
-    num_bytes: 13001506
-    num_examples: 3498
-  download_size: 88903583
-  dataset_size: 260571085
-- config_name: race_high_Select_the_best_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 241414491
-    num_examples: 62445
-  - name: validation
-    num_bytes: 13240279
-    num_examples: 3451
-  - name: test
-    num_bytes: 13378074
-    num_examples: 3498
-  download_size: 88927188
-  dataset_size: 268032844
-- config_name: race_high_Select_the_best_answer_generate_span_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 253585983
-    num_examples: 62445
-  - name: validation
-    num_bytes: 13907799
-    num_examples: 3451
-  - name: test
-    num_bytes: 14065912
-    num_examples: 3498
-  download_size: 98442058
-  dataset_size: 281559694
-- config_name: race_high_Select_the_best_answer_no_instructions_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 233109306
-    num_examples: 62445
-  - name: validation
-    num_bytes: 12781296
-    num_examples: 3451
-  - name: test
-    num_bytes: 12912840
-    num_examples: 3498
-  download_size: 88914316
-  dataset_size: 258803442
-- config_name: race_high_Taking_a_test
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 247096986
-    num_examples: 62445
-  - name: validation
-    num_bytes: 13554320
-    num_examples: 3451
-  - name: test
-    num_bytes: 13696392
-    num_examples: 3498
-  download_size: 88119386
-  dataset_size: 274347698
-- config_name: race_high_Write_a_multi_choice_question_for_the_following_article
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 241476936
-    num_examples: 62445
-  - name: validation
-    num_bytes: 13243730
-    num_examples: 3451
-  - name: test
-    num_bytes: 13381572
-    num_examples: 3498
-  download_size: 82830693
-  dataset_size: 268102238
-- config_name: race_high_Write_a_multi_choice_question_options_given_
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 249780949
-    num_examples: 62445
-  - name: validation
-    num_bytes: 13701386
-    num_examples: 3451
-  - name: test
-    num_bytes: 13849582
-    num_examples: 3498
-  download_size: 90227530
-  dataset_size: 277331917
-- config_name: race_middle_Is_this_the_right_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 59522502
-    num_examples: 25421
-  - name: validation
-    num_bytes: 3374951
-    num_examples: 1436
-  - name: test
-    num_bytes: 3426265
-    num_examples: 1436
-  download_size: 20970954
-  dataset_size: 66323718
-- config_name: race_middle_Read_the_article_and_answer_the_question_no_option_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 62603262
-    num_examples: 25421
-  - name: validation
-    num_bytes: 3549837
-    num_examples: 1436
-  - name: test
-    num_bytes: 3602906
-    num_examples: 1436
-  download_size: 23083878
-  dataset_size: 69756005
-- config_name: race_middle_Select_the_best_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 64964719
-    num_examples: 25421
-  - name: validation
-    num_bytes: 3683945
-    num_examples: 1436
-  - name: test
-    num_bytes: 3736474
-    num_examples: 1436
-  download_size: 23238714
-  dataset_size: 72385138
-- config_name: race_middle_Select_the_best_answer_generate_span_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 68147373
-    num_examples: 25421
-  - name: validation
-    num_bytes: 3865611
-    num_examples: 1436
-  - name: test
-    num_bytes: 3920536
-    num_examples: 1436
-  download_size: 26118277
-  dataset_size: 75933520
-- config_name: race_middle_Select_the_best_answer_no_instructions_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 61583726
-    num_examples: 25421
-  - name: validation
-    num_bytes: 3492957
-    num_examples: 1436
-  - name: test
-    num_bytes: 3545486
-    num_examples: 1436
-  download_size: 23049312
-  dataset_size: 68622169
-- config_name: race_middle_Taking_a_test
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 67278030
-    num_examples: 25421
-  - name: validation
-    num_bytes: 3814621
-    num_examples: 1436
-  - name: test
-    num_bytes: 3867150
-    num_examples: 1436
-  download_size: 23415950
-  dataset_size: 74959801
-- config_name: race_middle_Write_a_multi_choice_question_for_the_following_article
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 64990140
-    num_examples: 25421
-  - name: validation
-    num_bytes: 3685381
-    num_examples: 1436
-  - name: test
-    num_bytes: 3737910
-    num_examples: 1436
-  download_size: 21692641
-  dataset_size: 72413431
-- config_name: race_middle_Write_a_multi_choice_question_options_given_
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 67842630
-    num_examples: 25421
-  - name: validation
-    num_bytes: 3847385
-    num_examples: 1436
-  - name: test
-    num_bytes: 3900558
-    num_examples: 1436
-  download_size: 24079756
-  dataset_size: 75590573
-- config_name: ropes_background_new_situation_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 24148867
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3456292
-    num_examples: 1688
-  download_size: 3693602
-  dataset_size: 27605159
-- config_name: ropes_background_situation_middle
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 24028703
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3437724
-    num_examples: 1688
-  download_size: 3632205
-  dataset_size: 27466427
-- config_name: ropes_given_background_situation
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 23700983
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3387084
-    num_examples: 1688
-  download_size: 3700990
-  dataset_size: 27088067
-- config_name: ropes_new_situation_background_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 24312727
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3481612
-    num_examples: 1688
-  download_size: 3650421
-  dataset_size: 27794339
-- config_name: ropes_plain_background_situation
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 22357331
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3179460
-    num_examples: 1688
-  download_size: 3644216
-  dataset_size: 25536791
-- config_name: ropes_plain_bottom_hint
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 22553963
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3209844
-    num_examples: 1688
-  download_size: 3577320
-  dataset_size: 25763807
-- config_name: ropes_plain_no_background
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 7337231
-    num_examples: 10924
-  - name: validation
-    num_bytes: 1455200
-    num_examples: 1688
-  download_size: 1685636
-  dataset_size: 8792431
-- config_name: ropes_prompt_beginning
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 23963159
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3427596
-    num_examples: 1688
-  download_size: 3664414
-  dataset_size: 27390755
-- config_name: ropes_prompt_bottom_hint_beginning
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 24170715
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3459668
-    num_examples: 1688
-  download_size: 3722200
-  dataset_size: 27630383
-- config_name: ropes_prompt_bottom_no_hint
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 8691807
-    num_examples: 10924
-  - name: validation
-    num_bytes: 1664512
-    num_examples: 1688
-  download_size: 1734881
-  dataset_size: 10356319
-- config_name: ropes_prompt_mix
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 23919463
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3420844
-    num_examples: 1688
-  download_size: 3642481
-  dataset_size: 27340307
-- config_name: ropes_read_background_situation
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 26606767
-    num_examples: 10924
-  - name: validation
-    num_bytes: 3836092
-    num_examples: 1688
-  download_size: 3774488
-  dataset_size: 30442859
-- config_name: rotten_tomatoes_Movie_Expressed_Sentiment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3167752
-    num_examples: 8530
-  - name: validation
-    num_bytes: 396113
-    num_examples: 1066
-  - name: test
-    num_bytes: 398890
-    num_examples: 1066
-  download_size: 1715193
-  dataset_size: 3962755
-- config_name: rotten_tomatoes_Movie_Expressed_Sentiment_2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3372472
-    num_examples: 8530
-  - name: validation
-    num_bytes: 421697
-    num_examples: 1066
-  - name: test
-    num_bytes: 424474
-    num_examples: 1066
-  download_size: 1718990
-  dataset_size: 4218643
-- config_name: rotten_tomatoes_Reviewer_Enjoyment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3619842
-    num_examples: 8530
-  - name: validation
-    num_bytes: 452611
-    num_examples: 1066
-  - name: test
-    num_bytes: 455388
-    num_examples: 1066
-  download_size: 1724405
-  dataset_size: 4527841
-- config_name: rotten_tomatoes_Reviewer_Enjoyment_Yes_No
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3001417
-    num_examples: 8530
-  - name: validation
-    num_bytes: 375326
-    num_examples: 1066
-  - name: test
-    num_bytes: 378103
-    num_examples: 1066
-  download_size: 1712605
-  dataset_size: 3754846
-- config_name: rotten_tomatoes_Reviewer_Expressed_Sentiment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3560132
-    num_examples: 8530
-  - name: validation
-    num_bytes: 445149
-    num_examples: 1066
-  - name: test
-    num_bytes: 447926
-    num_examples: 1066
-  download_size: 1752369
-  dataset_size: 4453207
-- config_name: rotten_tomatoes_Reviewer_Opinion_bad_good_choices
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3231727
-    num_examples: 8530
-  - name: validation
-    num_bytes: 404108
-    num_examples: 1066
-  - name: test
-    num_bytes: 406885
-    num_examples: 1066
-  download_size: 1722171
-  dataset_size: 4042720
-- config_name: rotten_tomatoes_Reviewer_Sentiment_Feeling
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3244522
-    num_examples: 8530
-  - name: validation
-    num_bytes: 405707
-    num_examples: 1066
-  - name: test
-    num_bytes: 408484
-    num_examples: 1066
-  download_size: 1719424
-  dataset_size: 4058713
-- config_name: rotten_tomatoes_Sentiment_with_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3184812
-    num_examples: 8530
-  - name: validation
-    num_bytes: 398245
-    num_examples: 1066
-  - name: test
-    num_bytes: 401022
-    num_examples: 1066
-  download_size: 1716500
-  dataset_size: 3984079
-- config_name: rotten_tomatoes_Text_Expressed_Sentiment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3278642
-    num_examples: 8530
-  - name: validation
-    num_bytes: 409971
-    num_examples: 1066
-  - name: test
-    num_bytes: 412748
-    num_examples: 1066
-  download_size: 1721990
-  dataset_size: 4101361
-- config_name: rotten_tomatoes_Writer_Expressed_Sentiment
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3381002
-    num_examples: 8530
-  - name: validation
-    num_bytes: 422763
-    num_examples: 1066
-  - name: test
-    num_bytes: 425540
-    num_examples: 1066
-  download_size: 1726264
-  dataset_size: 4229305
-- config_name: samsum_Generate_a_summary_for_this_dialogue
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 20847939
-    num_examples: 14732
-  - name: validation
-    num_bytes: 1132408
-    num_examples: 818
-  - name: test
-    num_bytes: 1178375
-    num_examples: 819
-  download_size: 12231176
-  dataset_size: 23158722
-- config_name: samsum_Given_the_above_dialogue_write_a_summary
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 20995259
-    num_examples: 14732
-  - name: validation
-    num_bytes: 1140588
-    num_examples: 818
-  - name: test
-    num_bytes: 1186565
-    num_examples: 819
-  download_size: 12287796
-  dataset_size: 23322412
-- config_name: samsum_Sum_up_the_following_dialogue
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 20582763
-    num_examples: 14732
-  - name: validation
-    num_bytes: 1117684
-    num_examples: 818
-  - name: test
-    num_bytes: 1163633
-    num_examples: 819
-  download_size: 12224086
-  dataset_size: 22864080
-- config_name: samsum_Summarize_
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 20155535
-    num_examples: 14732
-  - name: validation
-    num_bytes: 1093962
-    num_examples: 818
-  - name: test
-    num_bytes: 1139882
-    num_examples: 819
-  download_size: 12178625
-  dataset_size: 22389379
-- config_name: samsum_Summarize_this_dialogue_
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 20494371
-    num_examples: 14732
-  - name: validation
-    num_bytes: 1112776
-    num_examples: 818
-  - name: test
-    num_bytes: 1158719
-    num_examples: 819
-  download_size: 12217491
-  dataset_size: 22765866
-- config_name: samsum_To_sum_up_this_dialog
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 20450175
-    num_examples: 14732
-  - name: validation
-    num_bytes: 1110322
-    num_examples: 818
-  - name: test
-    num_bytes: 1156262
-    num_examples: 819
-  download_size: 12250518
-  dataset_size: 22716759
-- config_name: samsum_Write_a_dialogue_that_match_this_summary
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 20951063
-    num_examples: 14732
-  - name: validation
-    num_bytes: 1138134
-    num_examples: 818
-  - name: test
-    num_bytes: 1184108
-    num_examples: 819
-  download_size: 12142707
-  dataset_size: 23273305
-- config_name: sciq_Direct_Question
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13620270
-    num_examples: 11679
-  - name: validation
-    num_bytes: 1155436
-    num_examples: 1000
-  - name: test
-    num_bytes: 1179499
-    num_examples: 1000
-  download_size: 7728424
-  dataset_size: 15955205
-- config_name: sciq_Direct_Question_Closed_Book_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3203761
-    num_examples: 11679
-  - name: validation
-    num_bytes: 278888
-    num_examples: 1000
-  - name: test
-    num_bytes: 272132
-    num_examples: 1000
-  download_size: 2012231
-  dataset_size: 3754781
-- config_name: sciq_Multiple_Choice
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 15429508
-    num_examples: 11679
-  - name: validation
-    num_bytes: 1311751
-    num_examples: 1000
-  - name: test
-    num_bytes: 1331575
-    num_examples: 1000
-  download_size: 8635433
-  dataset_size: 18072834
-- config_name: sciq_Multiple_Choice_Closed_Book_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 5012999
-    num_examples: 11679
-  - name: validation
-    num_bytes: 435203
-    num_examples: 1000
-  - name: test
-    num_bytes: 424208
-    num_examples: 1000
-  download_size: 2927347
-  dataset_size: 5872410
-- config_name: sciq_Multiple_Choice_Question_First
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 15943384
-    num_examples: 11679
-  - name: validation
-    num_bytes: 1355751
-    num_examples: 1000
-  - name: test
-    num_bytes: 1375575
-    num_examples: 1000
-  download_size: 8754807
-  dataset_size: 18674710
-- config_name: social_i_qa_Check_if_a_random_answer_is_valid_or_not
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13459148
-    num_examples: 33410
-  - name: validation
-    num_bytes: 789738
-    num_examples: 1954
-  download_size: 4919461
-  dataset_size: 14248886
-- config_name: social_i_qa_Generate_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 12738672
-    num_examples: 33410
-  - name: validation
-    num_bytes: 748953
-    num_examples: 1954
-  download_size: 6421176
-  dataset_size: 13487625
-- config_name: social_i_qa_Generate_the_question_from_the_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13496939
-    num_examples: 33410
-  - name: validation
-    num_bytes: 790867
-    num_examples: 1954
-  download_size: 4698667
-  dataset_size: 14287806
-- config_name: social_i_qa_I_was_wondering
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13607332
-    num_examples: 33410
-  - name: validation
-    num_bytes: 799757
-    num_examples: 1954
-  download_size: 6486811
-  dataset_size: 14407089
-- config_name: social_i_qa_Show_choices_and_generate_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 17810931
-    num_examples: 33410
-  - name: validation
-    num_bytes: 1050997
-    num_examples: 1954
-  download_size: 8848333
-  dataset_size: 18861928
-- config_name: social_i_qa_Show_choices_and_generate_index
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 19481067
-    num_examples: 33410
-  - name: validation
-    num_bytes: 1144381
-    num_examples: 1954
-  download_size: 6800886
-  dataset_size: 20625448
-- config_name: squad_v2_Jeopardy_with_Context
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 162658727
-    num_examples: 86821
-  - name: validation
-    num_bytes: 11632760
-    num_examples: 5928
-  download_size: 47938364
-  dataset_size: 174291487
-- config_name: squad_v2_Jeopardy_without_Context
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 27943826
-    num_examples: 86821
-  - name: validation
-    num_bytes: 1932710
-    num_examples: 5928
-  download_size: 10250181
-  dataset_size: 29876536
-- config_name: squad_v2_Questions_with_Context
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 228499124
-    num_examples: 130319
-  - name: validation
-    num_bytes: 21788313
-    num_examples: 11873
-  download_size: 59960262
-  dataset_size: 250287437
-- config_name: squad_v2_Questions_with_Context_Without_Prompt_Keywords
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 215624139
-    num_examples: 130319
-  - name: validation
-    num_bytes: 20614543
-    num_examples: 11873
-  download_size: 60874266
-  dataset_size: 236238682
-- config_name: squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 231512168
-    num_examples: 130319
-  - name: validation
-    num_bytes: 22043171
-    num_examples: 11873
-  download_size: 60038597
-  dataset_size: 253555339
-- config_name: squad_v2_Questions_with_Context_unanswerable
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 244112278
-    num_examples: 130319
-  - name: validation
-    num_bytes: 23192958
-    num_examples: 11873
-  download_size: 60081358
-  dataset_size: 267305236
-- config_name: squad_v2_Topic_Prediction_Context
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 204107251
-    num_examples: 130319
-  - name: validation
-    num_bytes: 19537183
-    num_examples: 11873
-  download_size: 36038550
-  dataset_size: 223644434
-- config_name: squad_v2_Topic_Prediction_Context_with_randomized_prompt_options
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 202172444
-    num_examples: 130319
-  - name: validation
-    num_bytes: 19361062
-    num_examples: 11873
-  download_size: 43519623
-  dataset_size: 221533506
-- config_name: squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 201426597
-    num_examples: 130319
-  - name: validation
-    num_bytes: 19292369
-    num_examples: 11873
-  download_size: 44546673
-  dataset_size: 220718966
-- config_name: squad_v2_Topic_Prediction_Question_and_Answer_Pair
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 29250830
-    num_examples: 86821
-  - name: validation
-    num_bytes: 2015099
-    num_examples: 5928
-  download_size: 9794616
-  dataset_size: 31265929
-- config_name: squad_v2_Trivia
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 15357357
-    num_examples: 86821
-  - name: validation
-    num_bytes: 1073346
-    num_examples: 5928
-  download_size: 9336599
-  dataset_size: 16430703
-- config_name: squad_v2_Unanwerable_question
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 223883460
-    num_examples: 130319
-  - name: validation
-    num_bytes: 21366141
-    num_examples: 11873
-  download_size: 55657772
-  dataset_size: 245249601
-- config_name: super_glue_boolq_GPT_3_Style
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 12429618
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4259837
-    num_examples: 3270
-  - name: test
-    num_bytes: 4346276
-    num_examples: 3245
-  download_size: 11729367
-  dataset_size: 21035731
-- config_name: super_glue_boolq_I_wonder_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 12684151
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4348127
-    num_examples: 3270
-  - name: test
-    num_bytes: 4433891
-    num_examples: 3245
-  download_size: 11746846
-  dataset_size: 21466169
-- config_name: super_glue_boolq_after_reading
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13662381
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4687497
-    num_examples: 3270
-  - name: test
-    num_bytes: 4755146
-    num_examples: 3245
-  download_size: 11828199
-  dataset_size: 23105024
-- config_name: super_glue_boolq_based_on_the_following_passage
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 12674724
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4344857
-    num_examples: 3270
-  - name: test
-    num_bytes: 4430646
-    num_examples: 3245
-  download_size: 11703792
-  dataset_size: 21450227
-- config_name: super_glue_boolq_based_on_the_previous_passage
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 12665297
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4341587
-    num_examples: 3270
-  - name: test
-    num_bytes: 4427401
-    num_examples: 3245
-  download_size: 11739702
-  dataset_size: 21434285
-- config_name: super_glue_boolq_could_you_tell_me_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 12844410
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4403717
-    num_examples: 3270
-  - name: test
-    num_bytes: 4489056
-    num_examples: 3245
-  download_size: 11772122
-  dataset_size: 21737183
-- config_name: super_glue_boolq_exam
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13146074
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4508357
-    num_examples: 3270
-  - name: test
-    num_bytes: 4592896
-    num_examples: 3245
-  download_size: 11785041
-  dataset_size: 22247327
-- config_name: super_glue_boolq_exercise
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13766078
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4723467
-    num_examples: 3270
-  - name: test
-    num_bytes: 4790841
-    num_examples: 3245
-  download_size: 11847577
-  dataset_size: 23280386
-- config_name: super_glue_boolq_valid_binary
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 12710254
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4357227
-    num_examples: 3270
-  - name: test
-    num_bytes: 4427401
-    num_examples: 3245
-  download_size: 11791500
-  dataset_size: 21494882
-- config_name: super_glue_boolq_yes_no_question
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 13240344
-    num_examples: 9427
-  - name: validation
-    num_bytes: 4541057
-    num_examples: 3270
-  - name: test
-    num_bytes: 4625346
-    num_examples: 3245
-  download_size: 11825029
-  dataset_size: 22406747
-- config_name: super_glue_cb_GPT_3_style
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 206745
-    num_examples: 250
-  - name: validation
-    num_bytes: 51198
-    num_examples: 56
-  - name: test
-    num_bytes: 225575
-    num_examples: 250
-  download_size: 232846
-  dataset_size: 483518
-- config_name: super_glue_cb_GPT_3_style_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 608780
-    num_examples: 750
-  - name: validation
-    num_bytes: 150962
-    num_examples: 168
-  - name: test
-    num_bytes: 646319
-    num_examples: 750
-  download_size: 293849
-  dataset_size: 1406061
-- config_name: super_glue_cb_MNLI_crowdsource
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 249234
-    num_examples: 250
-  - name: validation
-    num_bytes: 60676
-    num_examples: 56
-  - name: test
-    num_bytes: 267315
-    num_examples: 250
-  download_size: 240138
-  dataset_size: 577225
-- config_name: super_glue_cb_MNLI_crowdsource_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 730396
-    num_examples: 750
-  - name: validation
-    num_bytes: 178038
-    num_examples: 168
-  - name: test
-    num_bytes: 767539
-    num_examples: 750
-  download_size: 303137
-  dataset_size: 1675973
-- config_name: super_glue_cb_always_sometimes_never
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 224613
-    num_examples: 250
-  - name: validation
-    num_bytes: 55126
-    num_examples: 56
-  - name: test
-    num_bytes: 244065
-    num_examples: 250
-  download_size: 237380
-  dataset_size: 523804
-- config_name: super_glue_cb_always_sometimes_never_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 659646
-    num_examples: 750
-  - name: validation
-    num_bytes: 162190
-    num_examples: 168
-  - name: test
-    num_bytes: 696789
-    num_examples: 750
-  download_size: 300429
-  dataset_size: 1518625
-- config_name: super_glue_cb_based_on_the_previous_passage
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 220597
-    num_examples: 250
-  - name: validation
-    num_bytes: 54225
-    num_examples: 56
-  - name: test
-    num_bytes: 240815
-    num_examples: 250
-  download_size: 237047
-  dataset_size: 515637
-- config_name: super_glue_cb_based_on_the_previous_passage_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 654896
-    num_examples: 750
-  - name: validation
-    num_bytes: 161126
-    num_examples: 168
-  - name: test
-    num_bytes: 692039
-    num_examples: 750
-  download_size: 297139
-  dataset_size: 1508061
-- config_name: super_glue_cb_can_we_infer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 212347
-    num_examples: 250
-  - name: validation
-    num_bytes: 52377
-    num_examples: 56
-  - name: test
-    num_bytes: 232565
-    num_examples: 250
-  download_size: 235287
-  dataset_size: 497289
-- config_name: super_glue_cb_can_we_infer_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 630146
-    num_examples: 750
-  - name: validation
-    num_bytes: 155582
-    num_examples: 168
-  - name: test
-    num_bytes: 667289
-    num_examples: 750
-  download_size: 296416
-  dataset_size: 1453017
-- config_name: super_glue_cb_claim_true_false_inconclusive
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 228139
-    num_examples: 250
-  - name: validation
-    num_bytes: 55959
-    num_examples: 56
-  - name: test
-    num_bytes: 246565
-    num_examples: 250
-  download_size: 236784
-  dataset_size: 530663
-- config_name: super_glue_cb_claim_true_false_inconclusive_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 672646
-    num_examples: 750
-  - name: validation
-    num_bytes: 165102
-    num_examples: 168
-  - name: test
-    num_bytes: 709789
-    num_examples: 750
-  download_size: 299461
-  dataset_size: 1547537
-- config_name: super_glue_cb_consider_always_sometimes_never
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 229491
-    num_examples: 250
-  - name: validation
-    num_bytes: 56274
-    num_examples: 56
-  - name: test
-    num_bytes: 249075
-    num_examples: 250
-  download_size: 235869
-  dataset_size: 534840
-- config_name: super_glue_cb_consider_always_sometimes_never_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 674280
-    num_examples: 750
-  - name: validation
-    num_bytes: 165634
-    num_examples: 168
-  - name: test
-    num_bytes: 711819
-    num_examples: 750
-  download_size: 297079
-  dataset_size: 1551733
-- config_name: super_glue_cb_does_it_follow_that
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 208475
-    num_examples: 250
-  - name: validation
-    num_bytes: 51565
-    num_examples: 56
-  - name: test
-    num_bytes: 228825
-    num_examples: 250
-  download_size: 233857
-  dataset_size: 488865
-- config_name: super_glue_cb_does_it_follow_that_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 618530
-    num_examples: 750
-  - name: validation
-    num_bytes: 153146
-    num_examples: 168
-  - name: test
-    num_bytes: 656069
-    num_examples: 750
-  download_size: 293804
-  dataset_size: 1427745
-- config_name: super_glue_cb_does_this_imply
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 214097
-    num_examples: 250
-  - name: validation
-    num_bytes: 52769
-    num_examples: 56
-  - name: test
-    num_bytes: 234315
-    num_examples: 250
-  download_size: 235640
-  dataset_size: 501181
-- config_name: super_glue_cb_does_this_imply_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 635396
-    num_examples: 750
-  - name: validation
-    num_bytes: 156758
-    num_examples: 168
-  - name: test
-    num_bytes: 672539
-    num_examples: 750
-  download_size: 296952
-  dataset_size: 1464693
-- config_name: super_glue_cb_guaranteed_possible_impossible
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 230040
-    num_examples: 250
-  - name: validation
-    num_bytes: 56341
-    num_examples: 56
-  - name: test
-    num_bytes: 246565
-    num_examples: 250
-  download_size: 238566
-  dataset_size: 532946
-- config_name: super_glue_cb_guaranteed_possible_impossible_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 667146
-    num_examples: 750
-  - name: validation
-    num_bytes: 163870
-    num_examples: 168
-  - name: test
-    num_bytes: 704289
-    num_examples: 750
-  download_size: 305681
-  dataset_size: 1535305
-- config_name: super_glue_cb_guaranteed_true
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 214097
-    num_examples: 250
-  - name: validation
-    num_bytes: 52769
-    num_examples: 56
-  - name: test
-    num_bytes: 234315
-    num_examples: 250
-  download_size: 237038
-  dataset_size: 501181
-- config_name: super_glue_cb_guaranteed_true_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 635396
-    num_examples: 750
-  - name: validation
-    num_bytes: 156758
-    num_examples: 168
-  - name: test
-    num_bytes: 672539
-    num_examples: 750
-  download_size: 298087
-  dataset_size: 1464693
-- config_name: super_glue_cb_justified_in_saying
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 212847
-    num_examples: 250
-  - name: validation
-    num_bytes: 52489
-    num_examples: 56
-  - name: test
-    num_bytes: 233065
-    num_examples: 250
-  download_size: 235860
-  dataset_size: 498401
-- config_name: super_glue_cb_justified_in_saying_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 631646
-    num_examples: 750
-  - name: validation
-    num_bytes: 155918
-    num_examples: 168
-  - name: test
-    num_bytes: 668789
-    num_examples: 750
-  download_size: 295846
-  dataset_size: 1456353
-- config_name: super_glue_cb_must_be_true
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 218597
-    num_examples: 250
-  - name: validation
-    num_bytes: 53777
-    num_examples: 56
-  - name: test
-    num_bytes: 238815
-    num_examples: 250
-  download_size: 237859
-  dataset_size: 511189
-- config_name: super_glue_cb_must_be_true_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 648896
-    num_examples: 750
-  - name: validation
-    num_bytes: 159782
-    num_examples: 168
-  - name: test
-    num_bytes: 686039
-    num_examples: 750
-  download_size: 299911
-  dataset_size: 1494717
-- config_name: super_glue_cb_should_assume
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 214847
-    num_examples: 250
-  - name: validation
-    num_bytes: 52937
-    num_examples: 56
-  - name: test
-    num_bytes: 235065
-    num_examples: 250
-  download_size: 236740
-  dataset_size: 502849
-- config_name: super_glue_cb_should_assume_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 637646
-    num_examples: 750
-  - name: validation
-    num_bytes: 157262
-    num_examples: 168
-  - name: test
-    num_bytes: 674789
-    num_examples: 750
-  download_size: 297354
-  dataset_size: 1469697
-- config_name: super_glue_cb_take_the_following_as_truth
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 237389
-    num_examples: 250
-  - name: validation
-    num_bytes: 58031
-    num_examples: 56
-  - name: test
-    num_bytes: 255815
-    num_examples: 250
-  download_size: 238453
-  dataset_size: 551235
-- config_name: super_glue_cb_take_the_following_as_truth_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 700396
-    num_examples: 750
-  - name: validation
-    num_bytes: 171318
-    num_examples: 168
-  - name: test
-    num_bytes: 737539
-    num_examples: 750
-  download_size: 301514
-  dataset_size: 1609253
-- config_name: super_glue_copa_C1_or_C2_premise_so_because_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 145012
-    num_examples: 400
-  - name: validation
-    num_bytes: 36931
-    num_examples: 100
-  - name: test
-    num_bytes: 168625
-    num_examples: 500
-  download_size: 196088
-  dataset_size: 350568
-- config_name: super_glue_copa_C1_or_C2_premise_so_because__score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 249441
-    num_examples: 800
-  - name: validation
-    num_bytes: 63425
-    num_examples: 200
-  - name: test
-    num_bytes: 305078
-    num_examples: 1000
-  download_size: 248725
-  dataset_size: 617944
-- config_name: super_glue_copa__As_a_result_C1_or_C2_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 78677
-    num_examples: 202
-  - name: validation
-    num_bytes: 18455
-    num_examples: 48
-  - name: test
-    num_bytes: 90701
-    num_examples: 250
-  download_size: 109360
-  dataset_size: 187833
-- config_name: super_glue_copa__As_a_result_C1_or_C2__score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 136724
-    num_examples: 404
-  - name: validation
-    num_bytes: 32033
-    num_examples: 96
-  - name: test
-    num_bytes: 165575
-    num_examples: 500
-  download_size: 139645
-  dataset_size: 334332
-- config_name: super_glue_copa__What_could_happen_next_C1_or_C2_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 80899
-    num_examples: 202
-  - name: validation
-    num_bytes: 18983
-    num_examples: 48
-  - name: test
-    num_bytes: 93451
-    num_examples: 250
-  download_size: 109831
-  dataset_size: 193333
-- config_name: super_glue_copa__What_could_happen_next_C1_or_C2__score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 141168
-    num_examples: 404
-  - name: validation
-    num_bytes: 33089
-    num_examples: 96
-  - name: test
-    num_bytes: 171075
-    num_examples: 500
-  download_size: 140116
-  dataset_size: 345332
-- config_name: super_glue_copa__which_may_be_caused_by
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 77325
-    num_examples: 198
-  - name: validation
-    num_bytes: 21236
-    num_examples: 52
-  - name: test
-    num_bytes: 91674
-    num_examples: 250
-  download_size: 109280
-  dataset_size: 190235
-- config_name: super_glue_copa__which_may_be_caused_by_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 134698
-    num_examples: 396
-  - name: validation
-    num_bytes: 36912
-    num_examples: 104
-  - name: test
-    num_bytes: 167004
-    num_examples: 500
-  download_size: 139320
-  dataset_size: 338614
-- config_name: super_glue_copa__why_C1_or_C2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 71385
-    num_examples: 198
-  - name: validation
-    num_bytes: 19676
-    num_examples: 52
-  - name: test
-    num_bytes: 84174
-    num_examples: 250
-  download_size: 108308
-  dataset_size: 175235
-- config_name: super_glue_copa__why_C1_or_C2_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 122818
-    num_examples: 396
-  - name: validation
-    num_bytes: 33792
-    num_examples: 104
-  - name: test
-    num_bytes: 152004
-    num_examples: 500
-  download_size: 137970
-  dataset_size: 308614
-- config_name: super_glue_copa_best_option
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 182827
-    num_examples: 400
-  - name: validation
-    num_bytes: 46371
-    num_examples: 100
-  - name: test
-    num_bytes: 215833
-    num_examples: 500
-  download_size: 202995
-  dataset_size: 445031
-- config_name: super_glue_copa_best_option_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 325071
-    num_examples: 800
-  - name: validation
-    num_bytes: 82305
-    num_examples: 200
-  - name: test
-    num_bytes: 399494
-    num_examples: 1000
-  download_size: 257050
-  dataset_size: 806870
-- config_name: super_glue_copa_cause_effect
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 163033
-    num_examples: 400
-  - name: validation
-    num_bytes: 41415
-    num_examples: 100
-  - name: test
-    num_bytes: 191083
-    num_examples: 500
-  download_size: 197901
-  dataset_size: 395531
-- config_name: super_glue_copa_cause_effect_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 285483
-    num_examples: 800
-  - name: validation
-    num_bytes: 72393
-    num_examples: 200
-  - name: test
-    num_bytes: 349994
-    num_examples: 1000
-  download_size: 250800
-  dataset_size: 707870
-- config_name: super_glue_copa_choose
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 157421
-    num_examples: 400
-  - name: validation
-    num_bytes: 40027
-    num_examples: 100
-  - name: test
-    num_bytes: 184083
-    num_examples: 500
-  download_size: 195870
-  dataset_size: 381531
-- config_name: super_glue_copa_choose_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 274259
-    num_examples: 800
-  - name: validation
-    num_bytes: 69617
-    num_examples: 200
-  - name: test
-    num_bytes: 335994
-    num_examples: 1000
-  download_size: 248339
-  dataset_size: 679870
-- config_name: super_glue_copa_exercise
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 179021
-    num_examples: 400
-  - name: validation
-    num_bytes: 45427
-    num_examples: 100
-  - name: test
-    num_bytes: 211083
-    num_examples: 500
-  download_size: 200024
-  dataset_size: 435531
-- config_name: super_glue_copa_exercise_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 317459
-    num_examples: 800
-  - name: validation
-    num_bytes: 80417
-    num_examples: 200
-  - name: test
-    num_bytes: 389994
-    num_examples: 1000
-  download_size: 253031
-  dataset_size: 787870
-- config_name: super_glue_copa_i_am_hesitating
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 201033
-    num_examples: 400
-  - name: validation
-    num_bytes: 50915
-    num_examples: 100
-  - name: test
-    num_bytes: 238583
-    num_examples: 500
-  download_size: 204671
-  dataset_size: 490531
-- config_name: super_glue_copa_i_am_hesitating_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 361483
-    num_examples: 800
-  - name: validation
-    num_bytes: 91393
-    num_examples: 200
-  - name: test
-    num_bytes: 444994
-    num_examples: 1000
-  download_size: 258257
-  dataset_size: 897870
-- config_name: super_glue_copa_more_likely
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 195627
-    num_examples: 400
-  - name: validation
-    num_bytes: 49571
-    num_examples: 100
-  - name: test
-    num_bytes: 231833
-    num_examples: 500
-  download_size: 205679
-  dataset_size: 477031
-- config_name: super_glue_copa_more_likely_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 350671
-    num_examples: 800
-  - name: validation
-    num_bytes: 88705
-    num_examples: 200
-  - name: test
-    num_bytes: 431494
-    num_examples: 1000
-  download_size: 260606
-  dataset_size: 870870
-- config_name: super_glue_copa_plausible_alternatives
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 184629
-    num_examples: 400
-  - name: validation
-    num_bytes: 46819
-    num_examples: 100
-  - name: test
-    num_bytes: 218083
-    num_examples: 500
-  download_size: 201203
-  dataset_size: 449531
-- config_name: super_glue_copa_plausible_alternatives_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 328675
-    num_examples: 800
-  - name: validation
-    num_bytes: 83201
-    num_examples: 200
-  - name: test
-    num_bytes: 403994
-    num_examples: 1000
-  download_size: 254263
-  dataset_size: 815870
-- config_name: super_glue_multirc_I_was_going_to_say_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 87327367
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15270172
-    num_examples: 4848
-  - name: test
-    num_bytes: 29317947
-    num_examples: 9693
-  download_size: 10202981
-  dataset_size: 131915486
-- config_name: super_glue_multirc_Would_it_be_good_to_answer_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 86590210
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15138916
-    num_examples: 4848
-  - name: test
-    num_bytes: 29055844
-    num_examples: 9693
-  download_size: 10145179
-  dataset_size: 130784970
-- config_name: super_glue_multirc_confirm
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 88851379
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15541300
-    num_examples: 4848
-  - name: test
-    num_bytes: 29860363
-    num_examples: 9693
-  download_size: 10343037
-  dataset_size: 134253042
-- config_name: super_glue_multirc_correct
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 89540386
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15663439
-    num_examples: 4848
-  - name: test
-    num_bytes: 30104448
-    num_examples: 9693
-  download_size: 10428485
-  dataset_size: 135308273
-- config_name: super_glue_multirc_decide_valid
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 89151052
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15594628
-    num_examples: 4848
-  - name: test
-    num_bytes: 29966986
-    num_examples: 9693
-  download_size: 10388384
-  dataset_size: 134712666
-- config_name: super_glue_multirc_found_this_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 88308115
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15444700
-    num_examples: 4848
-  - name: test
-    num_bytes: 29666895
-    num_examples: 9693
-  download_size: 10310634
-  dataset_size: 133419710
-- config_name: super_glue_multirc_grading
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 88933108
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15555844
-    num_examples: 4848
-  - name: test
-    num_bytes: 29889442
-    num_examples: 9693
-  download_size: 10380847
-  dataset_size: 134378394
-- config_name: super_glue_multirc_is_a_correct_answer_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 87897874
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15371620
-    num_examples: 4848
-  - name: test
-    num_bytes: 29521108
-    num_examples: 9693
-  download_size: 10277901
-  dataset_size: 132790602
-- config_name: super_glue_multirc_is_the_correct_answer_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 86487255
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15121640
-    num_examples: 4848
-  - name: test
-    num_bytes: 29019715
-    num_examples: 9693
-  download_size: 10063584
-  dataset_size: 130628610
-- config_name: super_glue_multirc_paragraph_question_is_it_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 85833423
-    num_examples: 27243
-  - name: validation
-    num_bytes: 15005288
-    num_examples: 4848
-  - name: test
-    num_bytes: 28787083
-    num_examples: 9693
-  download_size: 10024769
-  dataset_size: 129625794
-- config_name: super_glue_record_Add_sentence_after_after_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 405851847
-    num_examples: 100730
-  - name: validation
-    num_bytes: 40002369
-    num_examples: 10000
-  - name: test
-    num_bytes: 37604835
-    num_examples: 10000
-  download_size: 161336040
-  dataset_size: 483459051
-- config_name: super_glue_record_Add_sentence_after_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 397869219
-    num_examples: 100730
-  - name: validation
-    num_bytes: 39209961
-    num_examples: 10000
-  - name: test
-    num_bytes: 36813541
-    num_examples: 10000
-  download_size: 160939894
-  dataset_size: 473892721
-- config_name: super_glue_record_Can_you_figure_out_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 265384317
-    num_examples: 100730
-  - name: validation
-    num_bytes: 25888812
-    num_examples: 10000
-  - name: test
-    num_bytes: 26013119
-    num_examples: 10000
-  download_size: 137075723
-  dataset_size: 317286248
-- config_name: super_glue_record_GPT_3_style_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 389547353
-    num_examples: 100730
-  - name: validation
-    num_bytes: 38377029
-    num_examples: 10000
-  - name: test
-    num_bytes: 35877641
-    num_examples: 10000
-  download_size: 161606657
-  dataset_size: 463802023
-- config_name: super_glue_record_GPT_3_style_summary_only_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 391488841
-    num_examples: 100730
-  - name: validation
-    num_bytes: 38568843
-    num_examples: 10000
-  - name: test
-    num_bytes: 36068935
-    num_examples: 10000
-  download_size: 161430527
-  dataset_size: 466126619
-- config_name: super_glue_record_GPT_3_style_with_labels_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 394006123
-    num_examples: 100730
-  - name: validation
-    num_bytes: 38818755
-    num_examples: 10000
-  - name: test
-    num_bytes: 36318935
-    num_examples: 10000
-  download_size: 161657804
-  dataset_size: 469143813
-- config_name: super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 386704249
-    num_examples: 100730
-  - name: validation
-    num_bytes: 38142115
-    num_examples: 10000
-  - name: test
-    num_bytes: 35743760
-    num_examples: 10000
-  download_size: 161860960
-  dataset_size: 460590124
-- config_name: super_glue_record_GPT_3_style_without_hyphens_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 382247592
-    num_examples: 100730
-  - name: validation
-    num_bytes: 37700089
-    num_examples: 10000
-  - name: test
-    num_bytes: 35302531
-    num_examples: 10000
-  download_size: 161214381
-  dataset_size: 455250212
-- config_name: super_glue_record_In_the_question_above_the_placeholder_stands_for
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 263170377
-    num_examples: 100730
-  - name: validation
-    num_bytes: 25668732
-    num_examples: 10000
-  - name: test
-    num_bytes: 25793119
-    num_examples: 10000
-  download_size: 136915415
-  dataset_size: 314632228
-- config_name: super_glue_record_New_highlight_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 398639353
-    num_examples: 100730
-  - name: validation
-    num_bytes: 39278843
-    num_examples: 10000
-  - name: test
-    num_bytes: 36778935
-    num_examples: 10000
-  download_size: 161410433
-  dataset_size: 474697131
-- config_name: super_glue_record_News_article_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 400384809
-    num_examples: 100730
-  - name: validation
-    num_bytes: 39459961
-    num_examples: 10000
-  - name: test
-    num_bytes: 37063541
-    num_examples: 10000
-  download_size: 161149940
-  dataset_size: 476908311
-- config_name: super_glue_record_Summary_first_continuation_choices_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 389936507
-    num_examples: 100730
-  - name: validation
-    num_bytes: 38422422
-    num_examples: 10000
-  - name: test
-    num_bytes: 36024835
-    num_examples: 10000
-  download_size: 161510844
-  dataset_size: 464383764
-- config_name: super_glue_record_What_could_the_placeholder_be_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 291017905
-    num_examples: 100730
-  - name: validation
-    num_bytes: 28253736
-    num_examples: 10000
-  - name: test
-    num_bytes: 28355871
-    num_examples: 10000
-  download_size: 149257838
-  dataset_size: 347627512
-- config_name: super_glue_record_Which_one_is_the_placeholder_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 290920684
-    num_examples: 100730
-  - name: validation
-    num_bytes: 28243964
-    num_examples: 10000
-  - name: test
-    num_bytes: 28345871
-    num_examples: 10000
-  download_size: 149149764
-  dataset_size: 347510519
-- config_name: super_glue_record_choose_between
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 303576388
-    num_examples: 100730
-  - name: validation
-    num_bytes: 29481844
-    num_examples: 10000
-  - name: test
-    num_bytes: 29577381
-    num_examples: 10000
-  download_size: 150960677
-  dataset_size: 362635613
-- config_name: super_glue_record_corrupted
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 272131126
-    num_examples: 100730
-  - name: validation
-    num_bytes: 26559245
-    num_examples: 10000
-  - name: test
-    num_bytes: 26683119
-    num_examples: 10000
-  download_size: 137380371
-  dataset_size: 325373490
-- config_name: super_glue_record_exercise
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 269411416
-    num_examples: 100730
-  - name: validation
-    num_bytes: 26288732
-    num_examples: 10000
-  - name: test
-    num_bytes: 26413119
-    num_examples: 10000
-  download_size: 137400236
-  dataset_size: 322113267
-- config_name: super_glue_record_pick_one_option
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 298946149
-    num_examples: 100730
-  - name: validation
-    num_bytes: 29021173
-    num_examples: 10000
-  - name: test
-    num_bytes: 29117381
-    num_examples: 10000
-  download_size: 149959507
-  dataset_size: 357084703
-- config_name: super_glue_record_the_placeholder_refers_to_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 258633939
-    num_examples: 100730
-  - name: validation
-    num_bytes: 25218812
-    num_examples: 10000
-  - name: test
-    num_bytes: 25343119
-    num_examples: 10000
-  download_size: 137051827
-  dataset_size: 309195870
-- config_name: super_glue_record_trying_to_decide
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 309721314
-    num_examples: 100730
-  - name: validation
-    num_bytes: 30091894
-    num_examples: 10000
-  - name: test
-    num_bytes: 30187381
-    num_examples: 10000
-  download_size: 151048548
-  dataset_size: 370000589
-- config_name: super_glue_rte_GPT_3_style
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1822276
-    num_examples: 2490
-  - name: validation
-    num_bytes: 196922
-    num_examples: 277
-  - name: test
-    num_bytes: 2177860
-    num_examples: 3000
-  download_size: 2192949
-  dataset_size: 4197058
-- config_name: super_glue_rte_GPT_3_style_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3620347
-    num_examples: 4980
-  - name: validation
-    num_bytes: 391279
-    num_examples: 554
-  - name: test
-    num_bytes: 4173470
-    num_examples: 6000
-  download_size: 2981743
-  dataset_size: 8185096
-- config_name: super_glue_rte_MNLI_crowdsource
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2152454
-    num_examples: 2490
-  - name: validation
-    num_bytes: 233726
-    num_examples: 277
-  - name: test
-    num_bytes: 2592972
-    num_examples: 3000
-  download_size: 2264401
-  dataset_size: 4979152
-- config_name: super_glue_rte_MNLI_crowdsource_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 4300543
-    num_examples: 4980
-  - name: validation
-    num_bytes: 466953
-    num_examples: 554
-  - name: test
-    num_bytes: 4991694
-    num_examples: 6000
-  download_size: 3056693
-  dataset_size: 9759190
-- config_name: super_glue_rte_based_on_the_previous_passage
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1975664
-    num_examples: 2490
-  - name: validation
-    num_bytes: 214059
-    num_examples: 277
-  - name: test
-    num_bytes: 2379972
-    num_examples: 3000
-  download_size: 2228456
-  dataset_size: 4569695
-- config_name: super_glue_rte_based_on_the_previous_passage_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3946963
-    num_examples: 4980
-  - name: validation
-    num_bytes: 427619
-    num_examples: 554
-  - name: test
-    num_bytes: 4565694
-    num_examples: 6000
-  download_size: 2997816
-  dataset_size: 8940276
-- config_name: super_glue_rte_can_we_infer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1893494
-    num_examples: 2490
-  - name: validation
-    num_bytes: 204918
-    num_examples: 277
-  - name: test
-    num_bytes: 2280972
-    num_examples: 3000
-  download_size: 2218834
-  dataset_size: 4379384
-- config_name: super_glue_rte_can_we_infer_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3782623
-    num_examples: 4980
-  - name: validation
-    num_bytes: 409337
-    num_examples: 554
-  - name: test
-    num_bytes: 4367694
-    num_examples: 6000
-  download_size: 3017504
-  dataset_size: 8559654
-- config_name: super_glue_rte_does_it_follow_that
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1859666
-    num_examples: 2490
-  - name: validation
-    num_bytes: 201152
-    num_examples: 277
-  - name: test
-    num_bytes: 2240860
-    num_examples: 3000
-  download_size: 2207694
-  dataset_size: 4301678
-- config_name: super_glue_rte_does_it_follow_that_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3714967
-    num_examples: 4980
-  - name: validation
-    num_bytes: 401805
-    num_examples: 554
-  - name: test
-    num_bytes: 4287470
-    num_examples: 6000
-  download_size: 2971692
-  dataset_size: 8404242
-- config_name: super_glue_rte_does_this_imply
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1910924
-    num_examples: 2490
-  - name: validation
-    num_bytes: 206857
-    num_examples: 277
-  - name: test
-    num_bytes: 2301972
-    num_examples: 3000
-  download_size: 2226281
-  dataset_size: 4419753
-- config_name: super_glue_rte_does_this_imply_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3817483
-    num_examples: 4980
-  - name: validation
-    num_bytes: 413215
-    num_examples: 554
-  - name: test
-    num_bytes: 4409694
-    num_examples: 6000
-  download_size: 3002523
-  dataset_size: 8640392
-- config_name: super_glue_rte_guaranteed_true
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1910924
-    num_examples: 2490
-  - name: validation
-    num_bytes: 206857
-    num_examples: 277
-  - name: test
-    num_bytes: 2301972
-    num_examples: 3000
-  download_size: 2225019
-  dataset_size: 4419753
-- config_name: super_glue_rte_guaranteed_true_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3817483
-    num_examples: 4980
-  - name: validation
-    num_bytes: 413215
-    num_examples: 554
-  - name: test
-    num_bytes: 4409694
-    num_examples: 6000
-  download_size: 3007337
-  dataset_size: 8640392
-- config_name: super_glue_rte_justified_in_saying
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1898474
-    num_examples: 2490
-  - name: validation
-    num_bytes: 205472
-    num_examples: 277
-  - name: test
-    num_bytes: 2286972
-    num_examples: 3000
-  download_size: 2216017
-  dataset_size: 4390918
-- config_name: super_glue_rte_justified_in_saying_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3792583
-    num_examples: 4980
-  - name: validation
-    num_bytes: 410445
-    num_examples: 554
-  - name: test
-    num_bytes: 4379694
-    num_examples: 6000
-  download_size: 2990847
-  dataset_size: 8582722
-- config_name: super_glue_rte_must_be_true
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1955744
-    num_examples: 2490
-  - name: validation
-    num_bytes: 211843
-    num_examples: 277
-  - name: test
-    num_bytes: 2355972
-    num_examples: 3000
-  download_size: 2242926
-  dataset_size: 4523559
-- config_name: super_glue_rte_must_be_true_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3907123
-    num_examples: 4980
-  - name: validation
-    num_bytes: 423187
-    num_examples: 554
-  - name: test
-    num_bytes: 4517694
-    num_examples: 6000
-  download_size: 3019993
-  dataset_size: 8848004
-- config_name: super_glue_rte_should_assume
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1918394
-    num_examples: 2490
-  - name: validation
-    num_bytes: 207688
-    num_examples: 277
-  - name: test
-    num_bytes: 2310972
-    num_examples: 3000
-  download_size: 2229173
-  dataset_size: 4437054
-- config_name: super_glue_rte_should_assume_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3832423
-    num_examples: 4980
-  - name: validation
-    num_bytes: 414877
-    num_examples: 554
-  - name: test
-    num_bytes: 4427694
-    num_examples: 6000
-  download_size: 2991273
-  dataset_size: 8674994
-- config_name: super_glue_wic_GPT_3_prompt
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1983607
-    num_examples: 5428
-  - name: validation
-    num_bytes: 241938
-    num_examples: 638
-  - name: test
-    num_bytes: 574759
-    num_examples: 1400
-  download_size: 957361
-  dataset_size: 2800304
-- config_name: super_glue_wic_GPT_3_prompt_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3957715
-    num_examples: 10856
-  - name: validation
-    num_bytes: 482760
-    num_examples: 1276
-  - name: test
-    num_bytes: 1058868
-    num_examples: 2800
-  download_size: 1238602
-  dataset_size: 5499343
-- config_name: super_glue_wic_GPT_3_prompt_with_label
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2119307
-    num_examples: 5428
-  - name: validation
-    num_bytes: 257888
-    num_examples: 638
-  - name: test
-    num_bytes: 609759
-    num_examples: 1400
-  download_size: 964203
-  dataset_size: 2986954
-- config_name: super_glue_wic_GPT_3_prompt_with_label_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 4229115
-    num_examples: 10856
-  - name: validation
-    num_bytes: 514660
-    num_examples: 1276
-  - name: test
-    num_bytes: 1128868
-    num_examples: 2800
-  download_size: 1250446
-  dataset_size: 5872643
-- config_name: super_glue_wic_affirmation_true_or_false
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2293003
-    num_examples: 5428
-  - name: validation
-    num_bytes: 278304
-    num_examples: 638
-  - name: test
-    num_bytes: 646159
-    num_examples: 1400
-  download_size: 983242
-  dataset_size: 3217466
-- config_name: super_glue_wic_affirmation_true_or_false_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 4533083
-    num_examples: 10856
-  - name: validation
-    num_bytes: 550388
-    num_examples: 1276
-  - name: test
-    num_bytes: 1207268
-    num_examples: 2800
-  download_size: 1275345
-  dataset_size: 6290739
-- config_name: super_glue_wic_grammar_homework
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2374423
-    num_examples: 5428
-  - name: validation
-    num_bytes: 287874
-    num_examples: 638
-  - name: test
-    num_bytes: 675559
-    num_examples: 1400
-  download_size: 984415
-  dataset_size: 3337856
-- config_name: super_glue_wic_grammar_homework_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 4739347
-    num_examples: 10856
-  - name: validation
-    num_bytes: 574632
-    num_examples: 1276
-  - name: test
-    num_bytes: 1260468
-    num_examples: 2800
-  download_size: 1274392
-  dataset_size: 6574447
-- config_name: super_glue_wic_polysemous
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2564403
-    num_examples: 5428
-  - name: validation
-    num_bytes: 310204
-    num_examples: 638
-  - name: test
-    num_bytes: 724559
-    num_examples: 1400
-  download_size: 1002838
-  dataset_size: 3599166
-- config_name: super_glue_wic_polysemous_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 5119307
-    num_examples: 10856
-  - name: validation
-    num_bytes: 619292
-    num_examples: 1276
-  - name: test
-    num_bytes: 1358468
-    num_examples: 2800
-  download_size: 1301826
-  dataset_size: 7097067
-- config_name: super_glue_wic_question_context
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1994463
-    num_examples: 5428
-  - name: validation
-    num_bytes: 243214
-    num_examples: 638
-  - name: test
-    num_bytes: 577559
-    num_examples: 1400
-  download_size: 943605
-  dataset_size: 2815236
-- config_name: super_glue_wic_question_context_meaning
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1782771
-    num_examples: 5428
-  - name: validation
-    num_bytes: 218332
-    num_examples: 638
-  - name: test
-    num_bytes: 522959
-    num_examples: 1400
-  download_size: 930660
-  dataset_size: 2524062
-- config_name: super_glue_wic_question_context_meaning_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3556043
-    num_examples: 10856
-  - name: validation
-    num_bytes: 435548
-    num_examples: 1276
-  - name: test
-    num_bytes: 955268
-    num_examples: 2800
-  download_size: 1205881
-  dataset_size: 4946859
-- config_name: super_glue_wic_question_context_meaning_with_label
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1918471
-    num_examples: 5428
-  - name: validation
-    num_bytes: 234282
-    num_examples: 638
-  - name: test
-    num_bytes: 557959
-    num_examples: 1400
-  download_size: 936102
-  dataset_size: 2710712
-- config_name: super_glue_wic_question_context_meaning_with_label_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3827443
-    num_examples: 10856
-  - name: validation
-    num_bytes: 467448
-    num_examples: 1276
-  - name: test
-    num_bytes: 1025268
-    num_examples: 2800
-  download_size: 1214072
-  dataset_size: 5320159
-- config_name: super_glue_wic_question_context_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 3979427
-    num_examples: 10856
-  - name: validation
-    num_bytes: 485312
-    num_examples: 1276
-  - name: test
-    num_bytes: 1064468
-    num_examples: 2800
-  download_size: 1226262
-  dataset_size: 5529207
-- config_name: super_glue_wic_same_sense
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2390707
-    num_examples: 5428
-  - name: validation
-    num_bytes: 289788
-    num_examples: 638
-  - name: test
-    num_bytes: 679759
-    num_examples: 1400
-  download_size: 991665
-  dataset_size: 3360254
-- config_name: super_glue_wic_same_sense_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 4771915
-    num_examples: 10856
-  - name: validation
-    num_bytes: 578460
-    num_examples: 1276
-  - name: test
-    num_bytes: 1268868
-    num_examples: 2800
-  download_size: 1288864
-  dataset_size: 6619243
-- config_name: super_glue_wic_similar_sense
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1316903
-    num_examples: 5428
-  - name: validation
-    num_bytes: 162928
-    num_examples: 638
-  - name: test
-    num_bytes: 401667
-    num_examples: 1400
-  download_size: 879241
-  dataset_size: 1881498
-- config_name: super_glue_wic_similar_sense_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 2624307
-    num_examples: 10856
-  - name: validation
-    num_bytes: 324740
-    num_examples: 1276
-  - name: test
-    num_bytes: 712684
-    num_examples: 2800
-  download_size: 1137914
-  dataset_size: 3661731
-- config_name: super_glue_wsc.fixed_GPT_3_Style
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 264750
-    num_examples: 554
-  - name: validation
-    num_bytes: 58787
-    num_examples: 104
-  - name: test
-    num_bytes: 90504
-    num_examples: 146
-  download_size: 112061
-  dataset_size: 414041
-- config_name: super_glue_wsc.fixed_GPT_3_Style_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 528567
-    num_examples: 1108
-  - name: validation
-    num_bytes: 117420
-    num_examples: 208
-  - name: test
-    num_bytes: 171555
-    num_examples: 292
-  download_size: 162969
-  dataset_size: 817542
-- config_name: super_glue_wsc.fixed_I_think_they_mean
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 245820
-    num_examples: 554
-  - name: validation
-    num_bytes: 57798
-    num_examples: 104
-  - name: test
-    num_bytes: 86703
-    num_examples: 146
-  download_size: 118405
-  dataset_size: 390321
-- config_name: super_glue_wsc.fixed_I_think_they_mean_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 490707
-    num_examples: 1108
-  - name: validation
-    num_bytes: 115442
-    num_examples: 208
-  - name: test
-    num_bytes: 163953
-    num_examples: 292
-  download_size: 162352
-  dataset_size: 770102
-- config_name: super_glue_wsc.fixed_Who_or_what_is_are
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 228569
-    num_examples: 554
-  - name: validation
-    num_bytes: 51844
-    num_examples: 104
-  - name: test
-    num_bytes: 81002
-    num_examples: 146
-  download_size: 106806
-  dataset_size: 361415
-- config_name: super_glue_wsc.fixed_Who_or_what_is_are_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 456205
-    num_examples: 1108
-  - name: validation
-    num_bytes: 103534
-    num_examples: 208
-  - name: test
-    num_bytes: 152551
-    num_examples: 292
-  download_size: 146175
-  dataset_size: 712290
-- config_name: super_glue_wsc.fixed_by_p_they_mean
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 220922
-    num_examples: 554
-  - name: validation
-    num_bytes: 50643
-    num_examples: 104
-  - name: test
-    num_bytes: 78988
-    num_examples: 146
-  download_size: 108198
-  dataset_size: 350553
-- config_name: super_glue_wsc.fixed_by_p_they_mean_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 440911
-    num_examples: 1108
-  - name: validation
-    num_bytes: 101132
-    num_examples: 208
-  - name: test
-    num_bytes: 148523
-    num_examples: 292
-  download_size: 147153
-  dataset_size: 690566
-- config_name: super_glue_wsc.fixed_does_p_stand_for
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 217102
-    num_examples: 554
-  - name: validation
-    num_bytes: 49843
-    num_examples: 104
-  - name: test
-    num_bytes: 77984
-    num_examples: 146
-  download_size: 109493
-  dataset_size: 344929
-- config_name: super_glue_wsc.fixed_does_p_stand_for_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 433271
-    num_examples: 1108
-  - name: validation
-    num_bytes: 99532
-    num_examples: 208
-  - name: test
-    num_bytes: 146515
-    num_examples: 292
-  download_size: 144454
-  dataset_size: 679318
-- config_name: super_glue_wsc.fixed_does_the_pronoun_refer_to
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 249788
-    num_examples: 554
-  - name: validation
-    num_bytes: 55979
-    num_examples: 104
-  - name: test
-    num_bytes: 86598
-    num_examples: 146
-  download_size: 110787
-  dataset_size: 392365
-- config_name: super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 498643
-    num_examples: 1108
-  - name: validation
-    num_bytes: 111804
-    num_examples: 208
-  - name: test
-    num_bytes: 163743
-    num_examples: 292
-  download_size: 152623
-  dataset_size: 774190
-- config_name: super_glue_wsc.fixed_in_other_words
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 248700
-    num_examples: 554
-  - name: validation
-    num_bytes: 58350
-    num_examples: 104
-  - name: test
-    num_bytes: 86507
-    num_examples: 146
-  download_size: 119385
-  dataset_size: 393557
-- config_name: super_glue_wsc.fixed_in_other_words_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 491675
-    num_examples: 1108
-  - name: validation
-    num_bytes: 115434
-    num_examples: 208
-  - name: test
-    num_bytes: 164145
-    num_examples: 292
-  download_size: 162110
-  dataset_size: 771254
-- config_name: super_glue_wsc.fixed_p_is_are_r
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 239521
-    num_examples: 554
-  - name: validation
-    num_bytes: 54166
-    num_examples: 104
-  - name: test
-    num_bytes: 82932
-    num_examples: 146
-  download_size: 109490
-  dataset_size: 376619
-- config_name: super_glue_wsc.fixed_p_is_are_r_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 473317
-    num_examples: 1108
-  - name: validation
-    num_bytes: 107066
-    num_examples: 208
-  - name: test
-    num_bytes: 156995
-    num_examples: 292
-  download_size: 149543
-  dataset_size: 737378
-- config_name: super_glue_wsc.fixed_replaced_with
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 263026
-    num_examples: 554
-  - name: validation
-    num_bytes: 58547
-    num_examples: 104
-  - name: test
-    num_bytes: 90084
-    num_examples: 146
-  download_size: 112203
-  dataset_size: 411657
-- config_name: super_glue_wsc.fixed_replaced_with_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 525119
-    num_examples: 1108
-  - name: validation
-    num_bytes: 116940
-    num_examples: 208
-  - name: test
-    num_bytes: 170715
-    num_examples: 292
-  download_size: 155805
-  dataset_size: 812774
-- config_name: super_glue_wsc.fixed_the_pronoun_refers_to
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 253850
-    num_examples: 554
-  - name: validation
-    num_bytes: 56847
-    num_examples: 104
-  - name: test
-    num_bytes: 86708
-    num_examples: 146
-  download_size: 110888
-  dataset_size: 397405
-- config_name: super_glue_wsc.fixed_the_pronoun_refers_to_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 501975
-    num_examples: 1108
-  - name: validation
-    num_bytes: 112428
-    num_examples: 208
-  - name: test
-    num_bytes: 164547
-    num_examples: 292
-  download_size: 152745
-  dataset_size: 778950
-- config_name: trec_fine_grained_ABBR
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 29061
-    num_examples: 86
-  - name: test
-    num_bytes: 2872
-    num_examples: 9
-  download_size: 13471
-  dataset_size: 31933
-- config_name: trec_fine_grained_ABBR_context_first
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 29147
-    num_examples: 86
-  - name: test
-    num_bytes: 2881
-    num_examples: 9
-  download_size: 13476
-  dataset_size: 32028
-- config_name: trec_fine_grained_DESC
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 393977
-    num_examples: 1162
-  - name: test
-    num_bytes: 41418
-    num_examples: 138
-  download_size: 94925
-  dataset_size: 435395
-- config_name: trec_fine_grained_DESC_context_first
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 395139
-    num_examples: 1162
-  - name: test
-    num_bytes: 41556
-    num_examples: 138
-  download_size: 95790
-  dataset_size: 436695
-- config_name: trec_fine_grained_ENTY
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1190181
-    num_examples: 1250
-  - name: test
-    num_bytes: 87266
-    num_examples: 94
-  download_size: 150983
-  dataset_size: 1277447
-- config_name: trec_fine_grained_HUM
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 405413
-    num_examples: 1223
-  - name: test
-    num_bytes: 19663
-    num_examples: 65
-  download_size: 120132
-  dataset_size: 425076
-- config_name: trec_fine_grained_HUM_context_first
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 405413
-    num_examples: 1223
-  - name: test
-    num_bytes: 19663
-    num_examples: 65
-  download_size: 120510
-  dataset_size: 425076
-- config_name: trec_fine_grained_LOC
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 293654
-    num_examples: 835
-  - name: test
-    num_bytes: 26894
-    num_examples: 81
-  download_size: 73853
-  dataset_size: 320548
-- config_name: trec_fine_grained_LOC_context_first
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 294489
-    num_examples: 835
-  - name: test
-    num_bytes: 26975
-    num_examples: 81
-  download_size: 74431
-  dataset_size: 321464
-- config_name: trec_fine_grained_NUM
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 517672
-    num_examples: 896
-  - name: test
-    num_bytes: 62715
-    num_examples: 113
-  download_size: 87233
-  dataset_size: 580387
-- config_name: trec_fine_grained_NUM_context_first
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 518568
-    num_examples: 896
-  - name: test
-    num_bytes: 62828
-    num_examples: 113
-  download_size: 88066
-  dataset_size: 581396
-- config_name: trec_fine_grained_open
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4097073
-    num_examples: 5452
-  - name: test
-    num_bytes: 361374
-    num_examples: 500
-  download_size: 483505
-  dataset_size: 4458447
-- config_name: trec_fine_grained_open_context_first
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 4097073
-    num_examples: 5452
-  - name: test
-    num_bytes: 361374
-    num_examples: 500
-  download_size: 487935
-  dataset_size: 4458447
-- config_name: trec_pick_the_best_descriptor
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2383862
-    num_examples: 5452
-  - name: test
-    num_bytes: 203911
-    num_examples: 500
-  download_size: 501452
-  dataset_size: 2587773
-- config_name: trec_trec1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2149426
-    num_examples: 5452
-  - name: test
-    num_bytes: 182411
-    num_examples: 500
-  download_size: 492132
-  dataset_size: 2331837
-- config_name: trec_trec2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2291178
-    num_examples: 5452
-  - name: test
-    num_bytes: 195411
-    num_examples: 500
-  download_size: 492952
-  dataset_size: 2486589
-- config_name: trec_what_category_best_describe
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2372958
-    num_examples: 5452
-  - name: test
-    num_bytes: 202911
-    num_examples: 500
-  download_size: 500367
-  dataset_size: 2575869
-- config_name: trec_which_category_best_describes
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 2689174
-    num_examples: 5452
-  - name: test
-    num_bytes: 231911
-    num_examples: 500
-  download_size: 511984
-  dataset_size: 2921085
-- config_name: trivia_qa_unfiltered_first_person_context
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 23222479
-    num_examples: 87622
-  - name: validation
-    num_bytes: 2998592
-    num_examples: 11313
-  - name: test
-    num_bytes: 2891859
-    num_examples: 10832
-  download_size: 15869519
-  dataset_size: 29112930
-- config_name: trivia_qa_unfiltered_formal_description
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 35314285
-    num_examples: 87622
-  - name: validation
-    num_bytes: 4560592
-    num_examples: 11313
-  - name: test
-    num_bytes: 4386675
-    num_examples: 10832
-  download_size: 16841793
-  dataset_size: 44261552
-- config_name: trivia_qa_unfiltered_guess_question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 26388503
-    num_examples: 87622
-  - name: validation
-    num_bytes: 3405357
-    num_examples: 11313
-  download_size: 14849804
-  dataset_size: 29793860
-- config_name: trivia_qa_unfiltered_question_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 23047205
-    num_examples: 87622
-  - name: validation
-    num_bytes: 2974273
-    num_examples: 11313
-  - name: test
-    num_bytes: 2870195
-    num_examples: 10832
-  download_size: 15992511
-  dataset_size: 28891673
-- config_name: trivia_qa_unfiltered_question_with_instruction
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 23660575
-    num_examples: 87622
-  - name: validation
-    num_bytes: 3054737
-    num_examples: 11313
-  - name: test
-    num_bytes: 2946019
-    num_examples: 10832
-  download_size: 15886084
-  dataset_size: 29661331
-- config_name: web_questions_get_the_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 804337
-    num_examples: 3778
-  - name: test
-    num_bytes: 436882
-    num_examples: 2032
-  download_size: 489913
-  dataset_size: 1241219
-- config_name: web_questions_potential_correct_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 872716
-    num_examples: 3778
-  - name: test
-    num_bytes: 472848
-    num_examples: 2032
-  download_size: 495767
-  dataset_size: 1345564
-- config_name: web_questions_question_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 509600
-    num_examples: 3778
-  - name: test
-    num_bytes: 277649
-    num_examples: 2032
-  download_size: 463024
-  dataset_size: 787249
-- config_name: web_questions_short_general_knowledge_q
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 713665
-    num_examples: 3778
-  - name: test
-    num_bytes: 387500
-    num_examples: 2032
-  download_size: 480185
-  dataset_size: 1101165
-- config_name: web_questions_whats_the_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 782036
-    num_examples: 3778
-  - name: test
-    num_bytes: 424624
-    num_examples: 2032
-  download_size: 488302
-  dataset_size: 1206660
-- config_name: wiki_bio_comprehension
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1630510502
-    num_examples: 582639
-  - name: test
-    num_bytes: 203505789
-    num_examples: 72829
-  - name: val
-    num_bytes: 203916390
-    num_examples: 72831
-  download_size: 888828114
-  dataset_size: 2037932681
-- config_name: wiki_bio_guess_person
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 709582624
-    num_examples: 582639
-  - name: test
-    num_bytes: 88627789
-    num_examples: 72829
-  - name: val
-    num_bytes: 88793147
-    num_examples: 72831
-  download_size: 369465704
-  dataset_size: 887003560
-- config_name: wiki_bio_key_content
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1427894706
-    num_examples: 582639
-  - name: test
-    num_bytes: 178164868
-    num_examples: 72829
-  - name: val
-    num_bytes: 178545380
-    num_examples: 72831
-  download_size: 805077501
-  dataset_size: 1784604954
-- config_name: wiki_bio_what_content
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1005721358
-    num_examples: 582639
-  - name: test
-    num_bytes: 125491764
-    num_examples: 72829
-  - name: val
-    num_bytes: 125718669
-    num_examples: 72831
-  download_size: 509911784
-  dataset_size: 1256931791
-- config_name: wiki_bio_who
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1439607119
-    num_examples: 582639
-  - name: test
-    num_bytes: 179628525
-    num_examples: 72829
-  - name: val
-    num_bytes: 180006405
-    num_examples: 72831
-  download_size: 808442534
-  dataset_size: 1799242049
-- config_name: wiki_hop_original_choose_best_object_affirmative_1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 663150479
-    num_examples: 43738
-  - name: validation
-    num_bytes: 83041884
-    num_examples: 5129
-  download_size: 385675449
-  dataset_size: 746192363
-- config_name: wiki_hop_original_choose_best_object_affirmative_2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 663019265
-    num_examples: 43738
-  - name: validation
-    num_bytes: 83026497
-    num_examples: 5129
-  download_size: 385780787
-  dataset_size: 746045762
-- config_name: wiki_hop_original_choose_best_object_affirmative_3
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 666212139
-    num_examples: 43738
-  - name: validation
-    num_bytes: 83400914
-    num_examples: 5129
-  download_size: 386516604
-  dataset_size: 749613053
-- config_name: wiki_hop_original_choose_best_object_interrogative_1
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 658557989
-    num_examples: 43738
-  - name: validation
-    num_bytes: 82503339
-    num_examples: 5129
-  download_size: 384888543
-  dataset_size: 741061328
-- config_name: wiki_hop_original_choose_best_object_interrogative_2
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 658601727
-    num_examples: 43738
-  - name: validation
-    num_bytes: 82508468
-    num_examples: 5129
-  download_size: 385067937
-  dataset_size: 741110195
-- config_name: wiki_hop_original_explain_relation
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 620991073
-    num_examples: 43738
-  - name: validation
-    num_bytes: 77941958
-    num_examples: 5129
-  download_size: 366004566
-  dataset_size: 698933031
-- config_name: wiki_hop_original_generate_object
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 621316721
-    num_examples: 43738
-  - name: validation
-    num_bytes: 77980628
-    num_examples: 5129
-  download_size: 366787046
-  dataset_size: 699297349
-- config_name: wiki_hop_original_generate_subject
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 623714465
-    num_examples: 43738
-  - name: validation
-    num_bytes: 78260730
-    num_examples: 5129
-  download_size: 367748453
-  dataset_size: 701975195
-- config_name: wiki_hop_original_generate_subject_and_object
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 624675259
-    num_examples: 43738
-  - name: validation
-    num_bytes: 78374281
-    num_examples: 5129
-  download_size: 367493299
-  dataset_size: 703049540
-- config_name: wiki_qa_Decide_good_answer
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 11928327
-    num_examples: 20360
-  - name: validation
-    num_bytes: 1588513
-    num_examples: 2733
-  - name: test
-    num_bytes: 3601306
-    num_examples: 6165
-  download_size: 6026723
-  dataset_size: 17118146
-- config_name: wiki_qa_Direct_Answer_to_Question
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 464780
-    num_examples: 1040
-  - name: validation
-    num_bytes: 62282
-    num_examples: 140
-  - name: test
-    num_bytes: 128388
-    num_examples: 293
-  download_size: 395128
-  dataset_size: 655450
-- config_name: wiki_qa_Generate_Question_from_Topic
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 600344
-    num_examples: 1040
-  - name: validation
-    num_bytes: 80494
-    num_examples: 140
-  - name: test
-    num_bytes: 166291
-    num_examples: 293
-  download_size: 434236
-  dataset_size: 847129
-- config_name: wiki_qa_Is_This_True_
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 9652071
-    num_examples: 20360
-  - name: validation
-    num_bytes: 1282191
-    num_examples: 2733
-  - name: test
-    num_bytes: 2918012
-    num_examples: 6165
-  download_size: 5726813
-  dataset_size: 13852274
-- config_name: wiki_qa_Jeopardy_style
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 563988
-    num_examples: 1040
-  - name: validation
-    num_bytes: 75570
-    num_examples: 140
-  - name: test
-    num_bytes: 155917
-    num_examples: 293
-  download_size: 435303
-  dataset_size: 795475
-- config_name: wiki_qa_Topic_Prediction_Answer_Only
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 476970
-    num_examples: 1040
-  - name: validation
-    num_bytes: 63658
-    num_examples: 140
-  - name: test
-    num_bytes: 131049
-    num_examples: 293
-  download_size: 377885
-  dataset_size: 671677
-- config_name: wiki_qa_Topic_Prediction_Question_Only
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 242922
-    num_examples: 1040
-  - name: validation
-    num_bytes: 32780
-    num_examples: 140
-  - name: test
-    num_bytes: 68566
-    num_examples: 293
-  download_size: 130561
-  dataset_size: 344268
-- config_name: wiki_qa_Topic_Prediction_Question_and_Answer_Pair
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 637104
-    num_examples: 1040
-  - name: validation
-    num_bytes: 85410
-    num_examples: 140
-  - name: test
-    num_bytes: 176567
-    num_examples: 293
-  download_size: 443010
-  dataset_size: 899081
-- config_name: wiki_qa_automatic_system
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 12887927
-    num_examples: 20360
-  - name: validation
-    num_bytes: 1715972
-    num_examples: 2733
-  - name: test
-    num_bytes: 3899289
-    num_examples: 6165
-  download_size: 5942624
-  dataset_size: 18503188
-- config_name: wiki_qa_exercise
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 14832087
-    num_examples: 20360
-  - name: validation
-    num_bytes: 1976940
-    num_examples: 2733
-  - name: test
-    num_bytes: 4488199
-    num_examples: 6165
-  download_size: 6093460
-  dataset_size: 21297226
-- config_name: wiki_qa_found_on_google
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 11401647
-    num_examples: 20360
-  - name: validation
-    num_bytes: 1516463
-    num_examples: 2733
-  - name: test
-    num_bytes: 3449244
-    num_examples: 6165
-  download_size: 5814247
-  dataset_size: 16367354
-- config_name: winogrande_winogrande_debiased_Replace
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3875803
-    num_examples: 9248
-  - name: validation
-    num_bytes: 528582
-    num_examples: 1267
-  - name: test
-    num_bytes: 739620
-    num_examples: 1767
-  download_size: 1782977
-  dataset_size: 5144005
-- config_name: winogrande_winogrande_debiased_Replace_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 7551668
-    num_examples: 18496
-  - name: validation
-    num_bytes: 1030154
-    num_examples: 2534
-  - name: test
-    num_bytes: 1440851
-    num_examples: 3534
-  download_size: 2298663
-  dataset_size: 10022673
-- config_name: winogrande_winogrande_debiased_does_underscore_refer_to
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3515131
-    num_examples: 9248
-  - name: validation
-    num_bytes: 479169
-    num_examples: 1267
-  - name: test
-    num_bytes: 670707
-    num_examples: 1767
-  download_size: 1745005
-  dataset_size: 4665007
-- config_name: winogrande_winogrande_debiased_does_underscore_refer_to_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 6830324
-    num_examples: 18496
-  - name: validation
-    num_bytes: 931328
-    num_examples: 2534
-  - name: test
-    num_bytes: 1303025
-    num_examples: 3534
-  download_size: 2251303
-  dataset_size: 9064677
-- config_name: winogrande_winogrande_debiased_fill_in_the_blank
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3894299
-    num_examples: 9248
-  - name: validation
-    num_bytes: 531116
-    num_examples: 1267
-  - name: test
-    num_bytes: 743154
-    num_examples: 1767
-  download_size: 1791464
-  dataset_size: 5168569
-- config_name: winogrande_winogrande_debiased_fill_in_the_blank_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 7588660
-    num_examples: 18496
-  - name: validation
-    num_bytes: 1035222
-    num_examples: 2534
-  - name: test
-    num_bytes: 1447919
-    num_examples: 3534
-  download_size: 2325131
-  dataset_size: 10071801
-- config_name: winogrande_winogrande_debiased_stand_for
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3533627
-    num_examples: 9248
-  - name: validation
-    num_bytes: 481703
-    num_examples: 1267
-  - name: test
-    num_bytes: 674241
-    num_examples: 1767
-  download_size: 1726262
-  dataset_size: 4689571
-- config_name: winogrande_winogrande_debiased_stand_for_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 6904308
-    num_examples: 18496
-  - name: validation
-    num_bytes: 941464
-    num_examples: 2534
-  - name: test
-    num_bytes: 1317161
-    num_examples: 3534
-  download_size: 2236146
-  dataset_size: 9162933
-- config_name: winogrande_winogrande_debiased_underscore_refer_to
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 3635355
-    num_examples: 9248
-  - name: validation
-    num_bytes: 495640
-    num_examples: 1267
-  - name: test
-    num_bytes: 693678
-    num_examples: 1767
-  download_size: 1753140
-  dataset_size: 4824673
-- config_name: winogrande_winogrande_debiased_underscore_refer_to_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 7070772
-    num_examples: 18496
-  - name: validation
-    num_bytes: 964270
-    num_examples: 2534
-  - name: test
-    num_bytes: 1348967
-    num_examples: 3534
-  download_size: 2260695
-  dataset_size: 9384009
-- config_name: winogrande_winogrande_xl_Replace
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16754221
-    num_examples: 40398
-  - name: validation
-    num_bytes: 528582
-    num_examples: 1267
-  - name: test
-    num_bytes: 739620
-    num_examples: 1767
-  download_size: 5219643
-  dataset_size: 18022423
-- config_name: winogrande_winogrande_xl_Replace_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 32627062
-    num_examples: 80796
-  - name: validation
-    num_bytes: 1030154
-    num_examples: 2534
-  - name: test
-    num_bytes: 1440851
-    num_examples: 3534
-  download_size: 7524715
-  dataset_size: 35098067
-- config_name: winogrande_winogrande_xl_does_underscore_refer_to
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 15178699
-    num_examples: 40398
-  - name: validation
-    num_bytes: 479169
-    num_examples: 1267
-  - name: test
-    num_bytes: 670707
-    num_examples: 1767
-  download_size: 5110009
-  dataset_size: 16328575
-- config_name: winogrande_winogrande_xl_does_underscore_refer_to_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 29476018
-    num_examples: 80796
-  - name: validation
-    num_bytes: 931328
-    num_examples: 2534
-  - name: test
-    num_bytes: 1303025
-    num_examples: 3534
-  download_size: 7414291
-  dataset_size: 31710371
-- config_name: winogrande_winogrande_xl_fill_in_the_blank
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 16835017
-    num_examples: 40398
-  - name: validation
-    num_bytes: 531116
-    num_examples: 1267
-  - name: test
-    num_bytes: 743154
-    num_examples: 1767
-  download_size: 5218314
-  dataset_size: 18109287
-- config_name: winogrande_winogrande_xl_fill_in_the_blank_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 32788654
-    num_examples: 80796
-  - name: validation
-    num_bytes: 1035222
-    num_examples: 2534
-  - name: test
-    num_bytes: 1447919
-    num_examples: 3534
-  download_size: 7679499
-  dataset_size: 35271795
-- config_name: winogrande_winogrande_xl_stand_for
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 15259495
-    num_examples: 40398
-  - name: validation
-    num_bytes: 481703
-    num_examples: 1267
-  - name: test
-    num_bytes: 674241
-    num_examples: 1767
-  download_size: 5036118
-  dataset_size: 16415439
-- config_name: winogrande_winogrande_xl_stand_for_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 29799202
-    num_examples: 80796
-  - name: validation
-    num_bytes: 941464
-    num_examples: 2534
-  - name: test
-    num_bytes: 1317161
-    num_examples: 3534
-  download_size: 7352127
-  dataset_size: 32057827
-- config_name: winogrande_winogrande_xl_underscore_refer_to
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 15703873
-    num_examples: 40398
-  - name: validation
-    num_bytes: 495640
-    num_examples: 1267
-  - name: test
-    num_bytes: 693678
-    num_examples: 1767
-  download_size: 5127188
-  dataset_size: 16893191
-- config_name: winogrande_winogrande_xl_underscore_refer_to_score_eval
-  features:
-  - name: idx
-    sequence: int32
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: is_correct
-    dtype: bool
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  - name: weight
-    dtype: float32
-  splits:
-  - name: train
-    num_bytes: 30526366
-    num_examples: 80796
-  - name: validation
-    num_bytes: 964270
-    num_examples: 2534
-  - name: test
-    num_bytes: 1348967
-    num_examples: 3534
-  download_size: 7446677
-  dataset_size: 32839603
-- config_name: wiqa_does_the_supposed_perturbation_have_an_effect
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 32441234
-    num_examples: 29808
-  - name: validation
-    num_bytes: 7194477
-    num_examples: 6894
-  - name: test
-    num_bytes: 2993752
-    num_examples: 3003
-  download_size: 12078412
-  dataset_size: 42629463
-- config_name: wiqa_effect_with_label_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 29887682
-    num_examples: 29808
-  - name: validation
-    num_bytes: 6603891
-    num_examples: 6894
-  - name: test
-    num_bytes: 2736749
-    num_examples: 3003
-  download_size: 11641512
-  dataset_size: 39228322
-- config_name: wiqa_effect_with_string_answer
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 32719442
-    num_examples: 29808
-  - name: validation
-    num_bytes: 7258821
-    num_examples: 6894
-  - name: test
-    num_bytes: 3024320
-    num_examples: 3003
-  download_size: 12120728
-  dataset_size: 43002583
-- config_name: wiqa_what_is_the_final_step_of_the_following_process
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 22534752
-    num_examples: 29808
-  - name: validation
-    num_bytes: 4960056
-    num_examples: 6894
-  - name: test
-    num_bytes: 2018929
-    num_examples: 3003
-  download_size: 4993958
-  dataset_size: 29513737
-- config_name: wiqa_what_is_the_missing_first_step
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 22948121
-    num_examples: 29808
-  - name: validation
-    num_bytes: 5051961
-    num_examples: 6894
-  - name: test
-    num_bytes: 2060388
-    num_examples: 3003
-  download_size: 5012113
-  dataset_size: 30060470
-- config_name: wiqa_what_might_be_the_first_step_of_the_process
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 22471193
-    num_examples: 29808
-  - name: validation
-    num_bytes: 4941657
-    num_examples: 6894
-  - name: test
-    num_bytes: 2012340
-    num_examples: 3003
-  download_size: 4994981
-  dataset_size: 29425190
-- config_name: wiqa_what_might_be_the_last_step_of_the_process
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 22415520
-    num_examples: 29808
-  - name: validation
-    num_bytes: 4932480
-    num_examples: 6894
-  - name: test
-    num_bytes: 2006917
-    num_examples: 3003
-  download_size: 4998002
-  dataset_size: 29354917
-- config_name: wiqa_which_of_the_following_is_the_supposed_perturbation
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 38964516
-    num_examples: 29808
-  - name: validation
-    num_bytes: 8703251
-    num_examples: 6894
-  - name: test
-    num_bytes: 3649318
-    num_examples: 3003
-  download_size: 12726852
-  dataset_size: 51317085
-- config_name: xsum_DOC_boils_down_to_simple_idea_that
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 671037016
-    num_examples: 204045
-  - name: validation
-    num_bytes: 37260538
-    num_examples: 11332
-  - name: test
-    num_bytes: 37363789
-    num_examples: 11334
-  download_size: 423515211
-  dataset_size: 745661343
-- config_name: xsum_DOC_given_above_write_one_sentence
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 680219041
-    num_examples: 204045
-  - name: validation
-    num_bytes: 37770478
-    num_examples: 11332
-  - name: test
-    num_bytes: 37873819
-    num_examples: 11334
-  download_size: 425884310
-  dataset_size: 755863338
-- config_name: xsum_DOC_how_would_you_rephrase_few_words
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 675117916
-    num_examples: 204045
-  - name: validation
-    num_bytes: 37487178
-    num_examples: 11332
-  - name: test
-    num_bytes: 37590469
-    num_examples: 11334
-  download_size: 424419611
-  dataset_size: 750195563
-- config_name: xsum_DOC_tldr
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 661242856
-    num_examples: 204045
-  - name: validation
-    num_bytes: 36716602
-    num_examples: 11332
-  - name: test
-    num_bytes: 36819757
-    num_examples: 11334
-  download_size: 421356084
-  dataset_size: 734779215
-- config_name: xsum_DOC_write_summary_of_above
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 674709826
-    num_examples: 204045
-  - name: validation
-    num_bytes: 37464514
-    num_examples: 11332
-  - name: test
-    num_bytes: 37567801
-    num_examples: 11334
-  download_size: 424257912
-  dataset_size: 749742141
-- config_name: xsum_article_DOC_summary
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 662671171
-    num_examples: 204045
-  - name: validation
-    num_bytes: 36795926
-    num_examples: 11332
-  - name: test
-    num_bytes: 36899095
-    num_examples: 11334
-  download_size: 421436849
-  dataset_size: 736366192
-- config_name: xsum_college_roommate_asked_DOC_so_I_recap
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 693890056
-    num_examples: 204045
-  - name: validation
-    num_bytes: 38529722
-    num_examples: 11332
-  - name: test
-    num_bytes: 38633197
-    num_examples: 11334
-  download_size: 428092027
-  dataset_size: 771052975
-- config_name: xsum_read_below_DOC_write_abstract
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 692869831
-    num_examples: 204045
-  - name: validation
-    num_bytes: 38473062
-    num_examples: 11332
-  - name: test
-    num_bytes: 38576527
-    num_examples: 11334
-  download_size: 427949570
-  dataset_size: 769919420
-- config_name: xsum_summarize_DOC
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 660834766
-    num_examples: 204045
-  - name: validation
-    num_bytes: 36693938
-    num_examples: 11332
-  - name: test
-    num_bytes: 36797089
-    num_examples: 11334
-  download_size: 420917086
-  dataset_size: 734325793
-- config_name: xsum_summarize_this_DOC_summary
-  features:
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 668996566
-    num_examples: 204045
-  - name: validation
-    num_bytes: 37147218
-    num_examples: 11332
-  - name: test
-    num_bytes: 37250449
-    num_examples: 11334
-  download_size: 423104781
-  dataset_size: 743394233
-- config_name: yelp_review_full_based_on_that
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1031638858
-    num_examples: 650000
-  - name: test
-    num_bytes: 79418916
-    num_examples: 50000
-  download_size: 556617412
-  dataset_size: 1111057774
-- config_name: yelp_review_full_format_rating
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1019288862
-    num_examples: 650000
-  - name: test
-    num_bytes: 78468916
-    num_examples: 50000
-  download_size: 556205049
-  dataset_size: 1097757778
-- config_name: yelp_review_full_format_score
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1020718862
-    num_examples: 650000
-  - name: test
-    num_bytes: 78578916
-    num_examples: 50000
-  download_size: 557789138
-  dataset_size: 1099297778
-- config_name: yelp_review_full_format_star
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1014088862
-    num_examples: 650000
-  - name: test
-    num_bytes: 78068916
-    num_examples: 50000
-  download_size: 555578441
-  dataset_size: 1092157778
-- config_name: yelp_review_full_on_a_scale
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1035018858
-    num_examples: 650000
-  - name: test
-    num_bytes: 79678916
-    num_examples: 50000
-  download_size: 557874177
-  dataset_size: 1114697774
-- config_name: yelp_review_full_so_i_would
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1020588858
-    num_examples: 650000
-  - name: test
-    num_bytes: 78568916
-    num_examples: 50000
-  download_size: 555669482
-  dataset_size: 1099157774
-- config_name: yelp_review_full_this_place
-  features:
-  - name: answer_choices
-    sequence: string
-  - name: inputs
-    sequence: int32
-  - name: inputs_pretokenized
-    dtype: string
-  - name: targets
-    sequence: int32
-  - name: targets_pretokenized
-    dtype: string
-  splits:
-  - name: train
-    num_bytes: 1018638858
-    num_examples: 650000
-  - name: test
-    num_bytes: 78418916
-    num_examples: 50000
-  download_size: 555640691
-  dataset_size: 1097057774
-configs:
-- config_name: adversarial_qa_dbert_answer_the_following_q
-  data_files:
-  - split: train
-    path: adversarial_qa_dbert_answer_the_following_q/train-*
-  - split: validation
-    path: adversarial_qa_dbert_answer_the_following_q/validation-*
-- config_name: adversarial_qa_dbert_based_on
-  data_files:
-  - split: train
-    path: adversarial_qa_dbert_based_on/train-*
-  - split: validation
-    path: adversarial_qa_dbert_based_on/validation-*
-- config_name: adversarial_qa_dbert_generate_question
-  data_files:
-  - split: train
-    path: adversarial_qa_dbert_generate_question/train-*
-  - split: validation
-    path: adversarial_qa_dbert_generate_question/validation-*
-  - split: test
-    path: adversarial_qa_dbert_generate_question/test-*
-- config_name: adversarial_qa_dbert_question_context_answer
-  data_files:
-  - split: train
-    path: adversarial_qa_dbert_question_context_answer/train-*
-  - split: validation
-    path: adversarial_qa_dbert_question_context_answer/validation-*
-- config_name: adversarial_qa_dbert_tell_what_it_is
-  data_files:
-  - split: train
-    path: adversarial_qa_dbert_tell_what_it_is/train-*
-  - split: validation
-    path: adversarial_qa_dbert_tell_what_it_is/validation-*
-- config_name: adversarial_qa_dbidaf_answer_the_following_q
-  data_files:
-  - split: train
-    path: adversarial_qa_dbidaf_answer_the_following_q/train-*
-  - split: validation
-    path: adversarial_qa_dbidaf_answer_the_following_q/validation-*
-- config_name: adversarial_qa_dbidaf_based_on
-  data_files:
-  - split: train
-    path: adversarial_qa_dbidaf_based_on/train-*
-  - split: validation
-    path: adversarial_qa_dbidaf_based_on/validation-*
-- config_name: adversarial_qa_dbidaf_generate_question
-  data_files:
-  - split: train
-    path: adversarial_qa_dbidaf_generate_question/train-*
-  - split: validation
-    path: adversarial_qa_dbidaf_generate_question/validation-*
-  - split: test
-    path: adversarial_qa_dbidaf_generate_question/test-*
-- config_name: adversarial_qa_dbidaf_question_context_answer
-  data_files:
-  - split: train
-    path: adversarial_qa_dbidaf_question_context_answer/train-*
-  - split: validation
-    path: adversarial_qa_dbidaf_question_context_answer/validation-*
-- config_name: adversarial_qa_dbidaf_tell_what_it_is
-  data_files:
-  - split: train
-    path: adversarial_qa_dbidaf_tell_what_it_is/train-*
-  - split: validation
-    path: adversarial_qa_dbidaf_tell_what_it_is/validation-*
-- config_name: adversarial_qa_droberta_answer_the_following_q
-  data_files:
-  - split: train
-    path: adversarial_qa_droberta_answer_the_following_q/train-*
-  - split: validation
-    path: adversarial_qa_droberta_answer_the_following_q/validation-*
-- config_name: adversarial_qa_droberta_based_on
-  data_files:
-  - split: train
-    path: adversarial_qa_droberta_based_on/train-*
-  - split: validation
-    path: adversarial_qa_droberta_based_on/validation-*
-- config_name: adversarial_qa_droberta_generate_question
-  data_files:
-  - split: train
-    path: adversarial_qa_droberta_generate_question/train-*
-  - split: validation
-    path: adversarial_qa_droberta_generate_question/validation-*
-  - split: test
-    path: adversarial_qa_droberta_generate_question/test-*
-- config_name: adversarial_qa_droberta_question_context_answer
-  data_files:
-  - split: train
-    path: adversarial_qa_droberta_question_context_answer/train-*
-  - split: validation
-    path: adversarial_qa_droberta_question_context_answer/validation-*
-- config_name: adversarial_qa_droberta_tell_what_it_is
-  data_files:
-  - split: train
-    path: adversarial_qa_droberta_tell_what_it_is/train-*
-  - split: validation
-    path: adversarial_qa_droberta_tell_what_it_is/validation-*
-- config_name: ag_news_classify
-  data_files:
-  - split: train
-    path: ag_news_classify/train-*
-  - split: test
-    path: ag_news_classify/test-*
-- config_name: ag_news_classify_question_first
-  data_files:
-  - split: train
-    path: ag_news_classify_question_first/train-*
-  - split: test
-    path: ag_news_classify_question_first/test-*
-- config_name: ag_news_classify_with_choices
-  data_files:
-  - split: train
-    path: ag_news_classify_with_choices/train-*
-  - split: test
-    path: ag_news_classify_with_choices/test-*
-- config_name: ag_news_classify_with_choices_question_first
-  data_files:
-  - split: train
-    path: ag_news_classify_with_choices_question_first/train-*
-  - split: test
-    path: ag_news_classify_with_choices_question_first/test-*
-- config_name: ag_news_recommend
-  data_files:
-  - split: train
-    path: ag_news_recommend/train-*
-  - split: test
-    path: ag_news_recommend/test-*
-- config_name: ag_news_which_section
-  data_files:
-  - split: train
-    path: ag_news_which_section/train-*
-  - split: test
-    path: ag_news_which_section/test-*
-- config_name: ag_news_which_section_choices
-  data_files:
-  - split: train
-    path: ag_news_which_section_choices/train-*
-  - split: test
-    path: ag_news_which_section_choices/test-*
-- config_name: ai2_arc_ARC_Challenge_heres_a_problem
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Challenge_heres_a_problem/train-*
-  - split: validation
-    path: ai2_arc_ARC_Challenge_heres_a_problem/validation-*
-  - split: test
-    path: ai2_arc_ARC_Challenge_heres_a_problem/test-*
-- config_name: ai2_arc_ARC_Challenge_i_am_hesitating
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Challenge_i_am_hesitating/train-*
-  - split: validation
-    path: ai2_arc_ARC_Challenge_i_am_hesitating/validation-*
-  - split: test
-    path: ai2_arc_ARC_Challenge_i_am_hesitating/test-*
-- config_name: ai2_arc_ARC_Challenge_multiple_choice
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Challenge_multiple_choice/train-*
-  - split: validation
-    path: ai2_arc_ARC_Challenge_multiple_choice/validation-*
-  - split: test
-    path: ai2_arc_ARC_Challenge_multiple_choice/test-*
-- config_name: ai2_arc_ARC_Challenge_pick_false_options
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Challenge_pick_false_options/train-*
-  - split: validation
-    path: ai2_arc_ARC_Challenge_pick_false_options/validation-*
-  - split: test
-    path: ai2_arc_ARC_Challenge_pick_false_options/test-*
-- config_name: ai2_arc_ARC_Challenge_pick_the_most_correct_option
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Challenge_pick_the_most_correct_option/train-*
-  - split: validation
-    path: ai2_arc_ARC_Challenge_pick_the_most_correct_option/validation-*
-  - split: test
-    path: ai2_arc_ARC_Challenge_pick_the_most_correct_option/test-*
-- config_name: ai2_arc_ARC_Challenge_qa_options
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Challenge_qa_options/train-*
-  - split: validation
-    path: ai2_arc_ARC_Challenge_qa_options/validation-*
-  - split: test
-    path: ai2_arc_ARC_Challenge_qa_options/test-*
-- config_name: ai2_arc_ARC_Easy_heres_a_problem
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Easy_heres_a_problem/train-*
-  - split: validation
-    path: ai2_arc_ARC_Easy_heres_a_problem/validation-*
-  - split: test
-    path: ai2_arc_ARC_Easy_heres_a_problem/test-*
-- config_name: ai2_arc_ARC_Easy_i_am_hesitating
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Easy_i_am_hesitating/train-*
-  - split: validation
-    path: ai2_arc_ARC_Easy_i_am_hesitating/validation-*
-  - split: test
-    path: ai2_arc_ARC_Easy_i_am_hesitating/test-*
-- config_name: ai2_arc_ARC_Easy_multiple_choice
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Easy_multiple_choice/train-*
-  - split: validation
-    path: ai2_arc_ARC_Easy_multiple_choice/validation-*
-  - split: test
-    path: ai2_arc_ARC_Easy_multiple_choice/test-*
-- config_name: ai2_arc_ARC_Easy_pick_false_options
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Easy_pick_false_options/train-*
-  - split: validation
-    path: ai2_arc_ARC_Easy_pick_false_options/validation-*
-  - split: test
-    path: ai2_arc_ARC_Easy_pick_false_options/test-*
-- config_name: ai2_arc_ARC_Easy_pick_the_most_correct_option
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Easy_pick_the_most_correct_option/train-*
-  - split: validation
-    path: ai2_arc_ARC_Easy_pick_the_most_correct_option/validation-*
-  - split: test
-    path: ai2_arc_ARC_Easy_pick_the_most_correct_option/test-*
-- config_name: ai2_arc_ARC_Easy_qa_options
-  data_files:
-  - split: train
-    path: ai2_arc_ARC_Easy_qa_options/train-*
-  - split: validation
-    path: ai2_arc_ARC_Easy_qa_options/validation-*
-  - split: test
-    path: ai2_arc_ARC_Easy_qa_options/test-*
-- config_name: amazon_polarity_Is_this_product_review_positive
-  data_files:
-  - split: train
-    path: amazon_polarity_Is_this_product_review_positive/train-*
-  - split: test
-    path: amazon_polarity_Is_this_product_review_positive/test-*
-- config_name: amazon_polarity_Is_this_review
-  data_files:
-  - split: train
-    path: amazon_polarity_Is_this_review/train-*
-  - split: test
-    path: amazon_polarity_Is_this_review/test-*
-- config_name: amazon_polarity_Is_this_review_negative
-  data_files:
-  - split: train
-    path: amazon_polarity_Is_this_review_negative/train-*
-  - split: test
-    path: amazon_polarity_Is_this_review_negative/test-*
-- config_name: amazon_polarity_User_recommend_this_product
-  data_files:
-  - split: train
-    path: amazon_polarity_User_recommend_this_product/train-*
-  - split: test
-    path: amazon_polarity_User_recommend_this_product/test-*
-- config_name: amazon_polarity_convey_negative_or_positive_sentiment
-  data_files:
-  - split: train
-    path: amazon_polarity_convey_negative_or_positive_sentiment/train-*
-  - split: test
-    path: amazon_polarity_convey_negative_or_positive_sentiment/test-*
-- config_name: amazon_polarity_flattering_or_not
-  data_files:
-  - split: train
-    path: amazon_polarity_flattering_or_not/train-*
-  - split: test
-    path: amazon_polarity_flattering_or_not/test-*
-- config_name: amazon_polarity_negative_or_positive_tone
-  data_files:
-  - split: train
-    path: amazon_polarity_negative_or_positive_tone/train-*
-  - split: test
-    path: amazon_polarity_negative_or_positive_tone/test-*
-- config_name: amazon_polarity_user_satisfied
-  data_files:
-  - split: train
-    path: amazon_polarity_user_satisfied/train-*
-  - split: test
-    path: amazon_polarity_user_satisfied/test-*
-- config_name: amazon_polarity_would_you_buy
-  data_files:
-  - split: train
-    path: amazon_polarity_would_you_buy/train-*
-  - split: test
-    path: amazon_polarity_would_you_buy/test-*
-- config_name: anli_GPT_3_style_r1
-  data_files:
-  - split: train
-    path: anli_GPT_3_style_r1/train-*
-  - split: validation
-    path: anli_GPT_3_style_r1/validation-*
-  - split: test
-    path: anli_GPT_3_style_r1/test-*
-- config_name: anli_GPT_3_style_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_GPT_3_style_r1_score_eval/train-*
-  - split: validation
-    path: anli_GPT_3_style_r1_score_eval/validation-*
-  - split: test
-    path: anli_GPT_3_style_r1_score_eval/test-*
-- config_name: anli_GPT_3_style_r2
-  data_files:
-  - split: train
-    path: anli_GPT_3_style_r2/train-*
-  - split: validation
-    path: anli_GPT_3_style_r2/validation-*
-  - split: test
-    path: anli_GPT_3_style_r2/test-*
-- config_name: anli_GPT_3_style_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_GPT_3_style_r2_score_eval/train-*
-  - split: validation
-    path: anli_GPT_3_style_r2_score_eval/validation-*
-  - split: test
-    path: anli_GPT_3_style_r2_score_eval/test-*
-- config_name: anli_GPT_3_style_r3
-  data_files:
-  - split: train
-    path: anli_GPT_3_style_r3/train-*
-  - split: validation
-    path: anli_GPT_3_style_r3/validation-*
-  - split: test
-    path: anli_GPT_3_style_r3/test-*
-- config_name: anli_GPT_3_style_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_GPT_3_style_r3_score_eval/train-*
-  - split: validation
-    path: anli_GPT_3_style_r3_score_eval/validation-*
-  - split: test
-    path: anli_GPT_3_style_r3_score_eval/test-*
-- config_name: anli_MNLI_crowdsource_r1
-  data_files:
-  - split: train
-    path: anli_MNLI_crowdsource_r1/train-*
-  - split: validation
-    path: anli_MNLI_crowdsource_r1/validation-*
-  - split: test
-    path: anli_MNLI_crowdsource_r1/test-*
-- config_name: anli_MNLI_crowdsource_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_MNLI_crowdsource_r1_score_eval/train-*
-  - split: validation
-    path: anli_MNLI_crowdsource_r1_score_eval/validation-*
-  - split: test
-    path: anli_MNLI_crowdsource_r1_score_eval/test-*
-- config_name: anli_MNLI_crowdsource_r2
-  data_files:
-  - split: train
-    path: anli_MNLI_crowdsource_r2/train-*
-  - split: validation
-    path: anli_MNLI_crowdsource_r2/validation-*
-  - split: test
-    path: anli_MNLI_crowdsource_r2/test-*
-- config_name: anli_MNLI_crowdsource_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_MNLI_crowdsource_r2_score_eval/train-*
-  - split: validation
-    path: anli_MNLI_crowdsource_r2_score_eval/validation-*
-  - split: test
-    path: anli_MNLI_crowdsource_r2_score_eval/test-*
-- config_name: anli_MNLI_crowdsource_r3
-  data_files:
-  - split: train
-    path: anli_MNLI_crowdsource_r3/train-*
-  - split: validation
-    path: anli_MNLI_crowdsource_r3/validation-*
-  - split: test
-    path: anli_MNLI_crowdsource_r3/test-*
-- config_name: anli_MNLI_crowdsource_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_MNLI_crowdsource_r3_score_eval/train-*
-  - split: validation
-    path: anli_MNLI_crowdsource_r3_score_eval/validation-*
-  - split: test
-    path: anli_MNLI_crowdsource_r3_score_eval/test-*
-- config_name: anli_always_sometimes_never_r1
-  data_files:
-  - split: train
-    path: anli_always_sometimes_never_r1/train-*
-  - split: validation
-    path: anli_always_sometimes_never_r1/validation-*
-  - split: test
-    path: anli_always_sometimes_never_r1/test-*
-- config_name: anli_always_sometimes_never_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_always_sometimes_never_r1_score_eval/train-*
-  - split: validation
-    path: anli_always_sometimes_never_r1_score_eval/validation-*
-  - split: test
-    path: anli_always_sometimes_never_r1_score_eval/test-*
-- config_name: anli_always_sometimes_never_r2
-  data_files:
-  - split: train
-    path: anli_always_sometimes_never_r2/train-*
-  - split: validation
-    path: anli_always_sometimes_never_r2/validation-*
-  - split: test
-    path: anli_always_sometimes_never_r2/test-*
-- config_name: anli_always_sometimes_never_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_always_sometimes_never_r2_score_eval/train-*
-  - split: validation
-    path: anli_always_sometimes_never_r2_score_eval/validation-*
-  - split: test
-    path: anli_always_sometimes_never_r2_score_eval/test-*
-- config_name: anli_always_sometimes_never_r3
-  data_files:
-  - split: train
-    path: anli_always_sometimes_never_r3/train-*
-  - split: validation
-    path: anli_always_sometimes_never_r3/validation-*
-  - split: test
-    path: anli_always_sometimes_never_r3/test-*
-- config_name: anli_always_sometimes_never_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_always_sometimes_never_r3_score_eval/train-*
-  - split: validation
-    path: anli_always_sometimes_never_r3_score_eval/validation-*
-  - split: test
-    path: anli_always_sometimes_never_r3_score_eval/test-*
-- config_name: anli_based_on_the_previous_passage_r1
-  data_files:
-  - split: train
-    path: anli_based_on_the_previous_passage_r1/train-*
-  - split: validation
-    path: anli_based_on_the_previous_passage_r1/validation-*
-  - split: test
-    path: anli_based_on_the_previous_passage_r1/test-*
-- config_name: anli_based_on_the_previous_passage_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_based_on_the_previous_passage_r1_score_eval/train-*
-  - split: validation
-    path: anli_based_on_the_previous_passage_r1_score_eval/validation-*
-  - split: test
-    path: anli_based_on_the_previous_passage_r1_score_eval/test-*
-- config_name: anli_based_on_the_previous_passage_r2
-  data_files:
-  - split: train
-    path: anli_based_on_the_previous_passage_r2/train-*
-  - split: validation
-    path: anli_based_on_the_previous_passage_r2/validation-*
-  - split: test
-    path: anli_based_on_the_previous_passage_r2/test-*
-- config_name: anli_based_on_the_previous_passage_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_based_on_the_previous_passage_r2_score_eval/train-*
-  - split: validation
-    path: anli_based_on_the_previous_passage_r2_score_eval/validation-*
-  - split: test
-    path: anli_based_on_the_previous_passage_r2_score_eval/test-*
-- config_name: anli_based_on_the_previous_passage_r3
-  data_files:
-  - split: train
-    path: anli_based_on_the_previous_passage_r3/train-*
-  - split: validation
-    path: anli_based_on_the_previous_passage_r3/validation-*
-  - split: test
-    path: anli_based_on_the_previous_passage_r3/test-*
-- config_name: anli_based_on_the_previous_passage_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_based_on_the_previous_passage_r3_score_eval/train-*
-  - split: validation
-    path: anli_based_on_the_previous_passage_r3_score_eval/validation-*
-  - split: test
-    path: anli_based_on_the_previous_passage_r3_score_eval/test-*
-- config_name: anli_can_we_infer_r1
-  data_files:
-  - split: train
-    path: anli_can_we_infer_r1/train-*
-  - split: validation
-    path: anli_can_we_infer_r1/validation-*
-  - split: test
-    path: anli_can_we_infer_r1/test-*
-- config_name: anli_can_we_infer_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_can_we_infer_r1_score_eval/train-*
-  - split: validation
-    path: anli_can_we_infer_r1_score_eval/validation-*
-  - split: test
-    path: anli_can_we_infer_r1_score_eval/test-*
-- config_name: anli_can_we_infer_r2
-  data_files:
-  - split: train
-    path: anli_can_we_infer_r2/train-*
-  - split: validation
-    path: anli_can_we_infer_r2/validation-*
-  - split: test
-    path: anli_can_we_infer_r2/test-*
-- config_name: anli_can_we_infer_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_can_we_infer_r2_score_eval/train-*
-  - split: validation
-    path: anli_can_we_infer_r2_score_eval/validation-*
-  - split: test
-    path: anli_can_we_infer_r2_score_eval/test-*
-- config_name: anli_can_we_infer_r3
-  data_files:
-  - split: train
-    path: anli_can_we_infer_r3/train-*
-  - split: validation
-    path: anli_can_we_infer_r3/validation-*
-  - split: test
-    path: anli_can_we_infer_r3/test-*
-- config_name: anli_can_we_infer_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_can_we_infer_r3_score_eval/train-*
-  - split: validation
-    path: anli_can_we_infer_r3_score_eval/validation-*
-  - split: test
-    path: anli_can_we_infer_r3_score_eval/test-*
-- config_name: anli_claim_true_false_inconclusive_r1
-  data_files:
-  - split: train
-    path: anli_claim_true_false_inconclusive_r1/train-*
-  - split: validation
-    path: anli_claim_true_false_inconclusive_r1/validation-*
-  - split: test
-    path: anli_claim_true_false_inconclusive_r1/test-*
-- config_name: anli_claim_true_false_inconclusive_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_claim_true_false_inconclusive_r1_score_eval/train-*
-  - split: validation
-    path: anli_claim_true_false_inconclusive_r1_score_eval/validation-*
-  - split: test
-    path: anli_claim_true_false_inconclusive_r1_score_eval/test-*
-- config_name: anli_claim_true_false_inconclusive_r2
-  data_files:
-  - split: train
-    path: anli_claim_true_false_inconclusive_r2/train-*
-  - split: validation
-    path: anli_claim_true_false_inconclusive_r2/validation-*
-  - split: test
-    path: anli_claim_true_false_inconclusive_r2/test-*
-- config_name: anli_claim_true_false_inconclusive_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_claim_true_false_inconclusive_r2_score_eval/train-*
-  - split: validation
-    path: anli_claim_true_false_inconclusive_r2_score_eval/validation-*
-  - split: test
-    path: anli_claim_true_false_inconclusive_r2_score_eval/test-*
-- config_name: anli_claim_true_false_inconclusive_r3
-  data_files:
-  - split: train
-    path: anli_claim_true_false_inconclusive_r3/train-*
-  - split: validation
-    path: anli_claim_true_false_inconclusive_r3/validation-*
-  - split: test
-    path: anli_claim_true_false_inconclusive_r3/test-*
-- config_name: anli_claim_true_false_inconclusive_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_claim_true_false_inconclusive_r3_score_eval/train-*
-  - split: validation
-    path: anli_claim_true_false_inconclusive_r3_score_eval/validation-*
-  - split: test
-    path: anli_claim_true_false_inconclusive_r3_score_eval/test-*
-- config_name: anli_consider_always_sometimes_never_r1
-  data_files:
-  - split: train
-    path: anli_consider_always_sometimes_never_r1/train-*
-  - split: validation
-    path: anli_consider_always_sometimes_never_r1/validation-*
-  - split: test
-    path: anli_consider_always_sometimes_never_r1/test-*
-- config_name: anli_consider_always_sometimes_never_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_consider_always_sometimes_never_r1_score_eval/train-*
-  - split: validation
-    path: anli_consider_always_sometimes_never_r1_score_eval/validation-*
-  - split: test
-    path: anli_consider_always_sometimes_never_r1_score_eval/test-*
-- config_name: anli_consider_always_sometimes_never_r2
-  data_files:
-  - split: train
-    path: anli_consider_always_sometimes_never_r2/train-*
-  - split: validation
-    path: anli_consider_always_sometimes_never_r2/validation-*
-  - split: test
-    path: anli_consider_always_sometimes_never_r2/test-*
-- config_name: anli_consider_always_sometimes_never_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_consider_always_sometimes_never_r2_score_eval/train-*
-  - split: validation
-    path: anli_consider_always_sometimes_never_r2_score_eval/validation-*
-  - split: test
-    path: anli_consider_always_sometimes_never_r2_score_eval/test-*
-- config_name: anli_consider_always_sometimes_never_r3
-  data_files:
-  - split: train
-    path: anli_consider_always_sometimes_never_r3/train-*
-  - split: validation
-    path: anli_consider_always_sometimes_never_r3/validation-*
-  - split: test
-    path: anli_consider_always_sometimes_never_r3/test-*
-- config_name: anli_consider_always_sometimes_never_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_consider_always_sometimes_never_r3_score_eval/train-*
-  - split: validation
-    path: anli_consider_always_sometimes_never_r3_score_eval/validation-*
-  - split: test
-    path: anli_consider_always_sometimes_never_r3_score_eval/test-*
-- config_name: anli_does_it_follow_that_r1
-  data_files:
-  - split: train
-    path: anli_does_it_follow_that_r1/train-*
-  - split: validation
-    path: anli_does_it_follow_that_r1/validation-*
-  - split: test
-    path: anli_does_it_follow_that_r1/test-*
-- config_name: anli_does_it_follow_that_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_does_it_follow_that_r1_score_eval/train-*
-  - split: validation
-    path: anli_does_it_follow_that_r1_score_eval/validation-*
-  - split: test
-    path: anli_does_it_follow_that_r1_score_eval/test-*
-- config_name: anli_does_it_follow_that_r2
-  data_files:
-  - split: train
-    path: anli_does_it_follow_that_r2/train-*
-  - split: validation
-    path: anli_does_it_follow_that_r2/validation-*
-  - split: test
-    path: anli_does_it_follow_that_r2/test-*
-- config_name: anli_does_it_follow_that_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_does_it_follow_that_r2_score_eval/train-*
-  - split: validation
-    path: anli_does_it_follow_that_r2_score_eval/validation-*
-  - split: test
-    path: anli_does_it_follow_that_r2_score_eval/test-*
-- config_name: anli_does_it_follow_that_r3
-  data_files:
-  - split: train
-    path: anli_does_it_follow_that_r3/train-*
-  - split: validation
-    path: anli_does_it_follow_that_r3/validation-*
-  - split: test
-    path: anli_does_it_follow_that_r3/test-*
-- config_name: anli_does_it_follow_that_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_does_it_follow_that_r3_score_eval/train-*
-  - split: validation
-    path: anli_does_it_follow_that_r3_score_eval/validation-*
-  - split: test
-    path: anli_does_it_follow_that_r3_score_eval/test-*
-- config_name: anli_does_this_imply_r1
-  data_files:
-  - split: train
-    path: anli_does_this_imply_r1/train-*
-  - split: validation
-    path: anli_does_this_imply_r1/validation-*
-  - split: test
-    path: anli_does_this_imply_r1/test-*
-- config_name: anli_does_this_imply_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_does_this_imply_r1_score_eval/train-*
-  - split: validation
-    path: anli_does_this_imply_r1_score_eval/validation-*
-  - split: test
-    path: anli_does_this_imply_r1_score_eval/test-*
-- config_name: anli_does_this_imply_r2
-  data_files:
-  - split: train
-    path: anli_does_this_imply_r2/train-*
-  - split: validation
-    path: anli_does_this_imply_r2/validation-*
-  - split: test
-    path: anli_does_this_imply_r2/test-*
-- config_name: anli_does_this_imply_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_does_this_imply_r2_score_eval/train-*
-  - split: validation
-    path: anli_does_this_imply_r2_score_eval/validation-*
-  - split: test
-    path: anli_does_this_imply_r2_score_eval/test-*
-- config_name: anli_does_this_imply_r3
-  data_files:
-  - split: train
-    path: anli_does_this_imply_r3/train-*
-  - split: validation
-    path: anli_does_this_imply_r3/validation-*
-  - split: test
-    path: anli_does_this_imply_r3/test-*
-- config_name: anli_does_this_imply_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_does_this_imply_r3_score_eval/train-*
-  - split: validation
-    path: anli_does_this_imply_r3_score_eval/validation-*
-  - split: test
-    path: anli_does_this_imply_r3_score_eval/test-*
-- config_name: anli_guaranteed_possible_impossible_r1
-  data_files:
-  - split: train
-    path: anli_guaranteed_possible_impossible_r1/train-*
-  - split: validation
-    path: anli_guaranteed_possible_impossible_r1/validation-*
-  - split: test
-    path: anli_guaranteed_possible_impossible_r1/test-*
-- config_name: anli_guaranteed_possible_impossible_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_guaranteed_possible_impossible_r1_score_eval/train-*
-  - split: validation
-    path: anli_guaranteed_possible_impossible_r1_score_eval/validation-*
-  - split: test
-    path: anli_guaranteed_possible_impossible_r1_score_eval/test-*
-- config_name: anli_guaranteed_possible_impossible_r2
-  data_files:
-  - split: train
-    path: anli_guaranteed_possible_impossible_r2/train-*
-  - split: validation
-    path: anli_guaranteed_possible_impossible_r2/validation-*
-  - split: test
-    path: anli_guaranteed_possible_impossible_r2/test-*
-- config_name: anli_guaranteed_possible_impossible_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_guaranteed_possible_impossible_r2_score_eval/train-*
-  - split: validation
-    path: anli_guaranteed_possible_impossible_r2_score_eval/validation-*
-  - split: test
-    path: anli_guaranteed_possible_impossible_r2_score_eval/test-*
-- config_name: anli_guaranteed_possible_impossible_r3
-  data_files:
-  - split: train
-    path: anli_guaranteed_possible_impossible_r3/train-*
-  - split: validation
-    path: anli_guaranteed_possible_impossible_r3/validation-*
-  - split: test
-    path: anli_guaranteed_possible_impossible_r3/test-*
-- config_name: anli_guaranteed_possible_impossible_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_guaranteed_possible_impossible_r3_score_eval/train-*
-  - split: validation
-    path: anli_guaranteed_possible_impossible_r3_score_eval/validation-*
-  - split: test
-    path: anli_guaranteed_possible_impossible_r3_score_eval/test-*
-- config_name: anli_guaranteed_true_r1
-  data_files:
-  - split: train
-    path: anli_guaranteed_true_r1/train-*
-  - split: validation
-    path: anli_guaranteed_true_r1/validation-*
-  - split: test
-    path: anli_guaranteed_true_r1/test-*
-- config_name: anli_guaranteed_true_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_guaranteed_true_r1_score_eval/train-*
-  - split: validation
-    path: anli_guaranteed_true_r1_score_eval/validation-*
-  - split: test
-    path: anli_guaranteed_true_r1_score_eval/test-*
-- config_name: anli_guaranteed_true_r2
-  data_files:
-  - split: train
-    path: anli_guaranteed_true_r2/train-*
-  - split: validation
-    path: anli_guaranteed_true_r2/validation-*
-  - split: test
-    path: anli_guaranteed_true_r2/test-*
-- config_name: anli_guaranteed_true_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_guaranteed_true_r2_score_eval/train-*
-  - split: validation
-    path: anli_guaranteed_true_r2_score_eval/validation-*
-  - split: test
-    path: anli_guaranteed_true_r2_score_eval/test-*
-- config_name: anli_guaranteed_true_r3
-  data_files:
-  - split: train
-    path: anli_guaranteed_true_r3/train-*
-  - split: validation
-    path: anli_guaranteed_true_r3/validation-*
-  - split: test
-    path: anli_guaranteed_true_r3/test-*
-- config_name: anli_guaranteed_true_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_guaranteed_true_r3_score_eval/train-*
-  - split: validation
-    path: anli_guaranteed_true_r3_score_eval/validation-*
-  - split: test
-    path: anli_guaranteed_true_r3_score_eval/test-*
-- config_name: anli_justified_in_saying_r1
-  data_files:
-  - split: train
-    path: anli_justified_in_saying_r1/train-*
-  - split: validation
-    path: anli_justified_in_saying_r1/validation-*
-  - split: test
-    path: anli_justified_in_saying_r1/test-*
-- config_name: anli_justified_in_saying_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_justified_in_saying_r1_score_eval/train-*
-  - split: validation
-    path: anli_justified_in_saying_r1_score_eval/validation-*
-  - split: test
-    path: anli_justified_in_saying_r1_score_eval/test-*
-- config_name: anli_justified_in_saying_r2
-  data_files:
-  - split: train
-    path: anli_justified_in_saying_r2/train-*
-  - split: validation
-    path: anli_justified_in_saying_r2/validation-*
-  - split: test
-    path: anli_justified_in_saying_r2/test-*
-- config_name: anli_justified_in_saying_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_justified_in_saying_r2_score_eval/train-*
-  - split: validation
-    path: anli_justified_in_saying_r2_score_eval/validation-*
-  - split: test
-    path: anli_justified_in_saying_r2_score_eval/test-*
-- config_name: anli_justified_in_saying_r3
-  data_files:
-  - split: train
-    path: anli_justified_in_saying_r3/train-*
-  - split: validation
-    path: anli_justified_in_saying_r3/validation-*
-  - split: test
-    path: anli_justified_in_saying_r3/test-*
-- config_name: anli_justified_in_saying_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_justified_in_saying_r3_score_eval/train-*
-  - split: validation
-    path: anli_justified_in_saying_r3_score_eval/validation-*
-  - split: test
-    path: anli_justified_in_saying_r3_score_eval/test-*
-- config_name: anli_must_be_true_r1
-  data_files:
-  - split: train
-    path: anli_must_be_true_r1/train-*
-  - split: validation
-    path: anli_must_be_true_r1/validation-*
-  - split: test
-    path: anli_must_be_true_r1/test-*
-- config_name: anli_must_be_true_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_must_be_true_r1_score_eval/train-*
-  - split: validation
-    path: anli_must_be_true_r1_score_eval/validation-*
-  - split: test
-    path: anli_must_be_true_r1_score_eval/test-*
-- config_name: anli_must_be_true_r2
-  data_files:
-  - split: train
-    path: anli_must_be_true_r2/train-*
-  - split: validation
-    path: anli_must_be_true_r2/validation-*
-  - split: test
-    path: anli_must_be_true_r2/test-*
-- config_name: anli_must_be_true_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_must_be_true_r2_score_eval/train-*
-  - split: validation
-    path: anli_must_be_true_r2_score_eval/validation-*
-  - split: test
-    path: anli_must_be_true_r2_score_eval/test-*
-- config_name: anli_must_be_true_r3
-  data_files:
-  - split: train
-    path: anli_must_be_true_r3/train-*
-  - split: validation
-    path: anli_must_be_true_r3/validation-*
-  - split: test
-    path: anli_must_be_true_r3/test-*
-- config_name: anli_must_be_true_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_must_be_true_r3_score_eval/train-*
-  - split: validation
-    path: anli_must_be_true_r3_score_eval/validation-*
-  - split: test
-    path: anli_must_be_true_r3_score_eval/test-*
-- config_name: anli_should_assume_r1
-  data_files:
-  - split: train
-    path: anli_should_assume_r1/train-*
-  - split: validation
-    path: anli_should_assume_r1/validation-*
-  - split: test
-    path: anli_should_assume_r1/test-*
-- config_name: anli_should_assume_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_should_assume_r1_score_eval/train-*
-  - split: validation
-    path: anli_should_assume_r1_score_eval/validation-*
-  - split: test
-    path: anli_should_assume_r1_score_eval/test-*
-- config_name: anli_should_assume_r2
-  data_files:
-  - split: train
-    path: anli_should_assume_r2/train-*
-  - split: validation
-    path: anli_should_assume_r2/validation-*
-  - split: test
-    path: anli_should_assume_r2/test-*
-- config_name: anli_should_assume_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_should_assume_r2_score_eval/train-*
-  - split: validation
-    path: anli_should_assume_r2_score_eval/validation-*
-  - split: test
-    path: anli_should_assume_r2_score_eval/test-*
-- config_name: anli_should_assume_r3
-  data_files:
-  - split: train
-    path: anli_should_assume_r3/train-*
-  - split: validation
-    path: anli_should_assume_r3/validation-*
-  - split: test
-    path: anli_should_assume_r3/test-*
-- config_name: anli_should_assume_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_should_assume_r3_score_eval/train-*
-  - split: validation
-    path: anli_should_assume_r3_score_eval/validation-*
-  - split: test
-    path: anli_should_assume_r3_score_eval/test-*
-- config_name: anli_take_the_following_as_truth_r1
-  data_files:
-  - split: train
-    path: anli_take_the_following_as_truth_r1/train-*
-  - split: validation
-    path: anli_take_the_following_as_truth_r1/validation-*
-  - split: test
-    path: anli_take_the_following_as_truth_r1/test-*
-- config_name: anli_take_the_following_as_truth_r1_score_eval
-  data_files:
-  - split: train
-    path: anli_take_the_following_as_truth_r1_score_eval/train-*
-  - split: validation
-    path: anli_take_the_following_as_truth_r1_score_eval/validation-*
-  - split: test
-    path: anli_take_the_following_as_truth_r1_score_eval/test-*
-- config_name: anli_take_the_following_as_truth_r2
-  data_files:
-  - split: train
-    path: anli_take_the_following_as_truth_r2/train-*
-  - split: validation
-    path: anli_take_the_following_as_truth_r2/validation-*
-  - split: test
-    path: anli_take_the_following_as_truth_r2/test-*
-- config_name: anli_take_the_following_as_truth_r2_score_eval
-  data_files:
-  - split: train
-    path: anli_take_the_following_as_truth_r2_score_eval/train-*
-  - split: validation
-    path: anli_take_the_following_as_truth_r2_score_eval/validation-*
-  - split: test
-    path: anli_take_the_following_as_truth_r2_score_eval/test-*
-- config_name: anli_take_the_following_as_truth_r3
-  data_files:
-  - split: train
-    path: anli_take_the_following_as_truth_r3/train-*
-  - split: validation
-    path: anli_take_the_following_as_truth_r3/validation-*
-  - split: test
-    path: anli_take_the_following_as_truth_r3/test-*
-- config_name: anli_take_the_following_as_truth_r3_score_eval
-  data_files:
-  - split: train
-    path: anli_take_the_following_as_truth_r3_score_eval/train-*
-  - split: validation
-    path: anli_take_the_following_as_truth_r3_score_eval/validation-*
-  - split: test
-    path: anli_take_the_following_as_truth_r3_score_eval/test-*
-- config_name: app_reviews_categorize_rating_using_review
-  data_files:
-  - split: train
-    path: app_reviews_categorize_rating_using_review/train-*
-- config_name: app_reviews_convert_to_rating
-  data_files:
-  - split: train
-    path: app_reviews_convert_to_rating/train-*
-- config_name: app_reviews_convert_to_star_rating
-  data_files:
-  - split: train
-    path: app_reviews_convert_to_star_rating/train-*
-- config_name: app_reviews_generate_review
-  data_files:
-  - split: train
-    path: app_reviews_generate_review/train-*
-- config_name: cnn_dailymail_3.0.0_2_or_3_sentences
-  data_files:
-  - split: train
-    path: cnn_dailymail_3.0.0_2_or_3_sentences/train-*
-  - split: validation
-    path: cnn_dailymail_3.0.0_2_or_3_sentences/validation-*
-  - split: test
-    path: cnn_dailymail_3.0.0_2_or_3_sentences/test-*
-- config_name: cnn_dailymail_3.0.0_generate_story
-  data_files:
-  - split: train
-    path: cnn_dailymail_3.0.0_generate_story/train-*
-  - split: validation
-    path: cnn_dailymail_3.0.0_generate_story/validation-*
-  - split: test
-    path: cnn_dailymail_3.0.0_generate_story/test-*
-- config_name: cnn_dailymail_3.0.0_news_card_view
-  data_files:
-  - split: train
-    path: cnn_dailymail_3.0.0_news_card_view/train-*
-  - split: validation
-    path: cnn_dailymail_3.0.0_news_card_view/validation-*
-  - split: test
-    path: cnn_dailymail_3.0.0_news_card_view/test-*
-- config_name: cnn_dailymail_3.0.0_news_stock
-  data_files:
-  - split: train
-    path: cnn_dailymail_3.0.0_news_stock/train-*
-  - split: validation
-    path: cnn_dailymail_3.0.0_news_stock/validation-*
-  - split: test
-    path: cnn_dailymail_3.0.0_news_stock/test-*
-- config_name: cnn_dailymail_3.0.0_news_summary
-  data_files:
-  - split: train
-    path: cnn_dailymail_3.0.0_news_summary/train-*
-  - split: validation
-    path: cnn_dailymail_3.0.0_news_summary/validation-*
-  - split: test
-    path: cnn_dailymail_3.0.0_news_summary/test-*
-- config_name: cnn_dailymail_3.0.0_spice_up_story
-  data_files:
-  - split: train
-    path: cnn_dailymail_3.0.0_spice_up_story/train-*
-  - split: validation
-    path: cnn_dailymail_3.0.0_spice_up_story/validation-*
-  - split: test
-    path: cnn_dailymail_3.0.0_spice_up_story/test-*
-- config_name: cnn_dailymail_3.0.0_sum_in_brief
-  data_files:
-  - split: train
-    path: cnn_dailymail_3.0.0_sum_in_brief/train-*
-  - split: validation
-    path: cnn_dailymail_3.0.0_sum_in_brief/validation-*
-  - split: test
-    path: cnn_dailymail_3.0.0_sum_in_brief/test-*
-- config_name: cnn_dailymail_3.0.0_tldr_summary
-  data_files:
-  - split: train
-    path: cnn_dailymail_3.0.0_tldr_summary/train-*
-  - split: validation
-    path: cnn_dailymail_3.0.0_tldr_summary/validation-*
-  - split: test
-    path: cnn_dailymail_3.0.0_tldr_summary/test-*
-- config_name: cnn_dailymail_3.0.0_write_an_outline
-  data_files:
-  - split: train
-    path: cnn_dailymail_3.0.0_write_an_outline/train-*
-  - split: validation
-    path: cnn_dailymail_3.0.0_write_an_outline/validation-*
-  - split: test
-    path: cnn_dailymail_3.0.0_write_an_outline/test-*
-- config_name: common_gen_Example_prompt
-  data_files:
-  - split: train
-    path: common_gen_Example_prompt/train-*
-  - split: validation
-    path: common_gen_Example_prompt/validation-*
-  - split: test
-    path: common_gen_Example_prompt/test-*
-- config_name: common_gen_Given_concepts_type_1
-  data_files:
-  - split: train
-    path: common_gen_Given_concepts_type_1/train-*
-  - split: validation
-    path: common_gen_Given_concepts_type_1/validation-*
-  - split: test
-    path: common_gen_Given_concepts_type_1/test-*
-- config_name: common_gen_Given_concepts_type_2
-  data_files:
-  - split: train
-    path: common_gen_Given_concepts_type_2/train-*
-  - split: validation
-    path: common_gen_Given_concepts_type_2/validation-*
-  - split: test
-    path: common_gen_Given_concepts_type_2/test-*
-- config_name: common_gen_Put_together
-  data_files:
-  - split: train
-    path: common_gen_Put_together/train-*
-  - split: validation
-    path: common_gen_Put_together/validation-*
-  - split: test
-    path: common_gen_Put_together/test-*
-- config_name: common_gen_choice_in_concept_centric_sentence_generation
-  data_files:
-  - split: train
-    path: common_gen_choice_in_concept_centric_sentence_generation/train-*
-  - split: validation
-    path: common_gen_choice_in_concept_centric_sentence_generation/validation-*
-  - split: test
-    path: common_gen_choice_in_concept_centric_sentence_generation/test-*
-- config_name: common_gen_random_task_template_prompt
-  data_files:
-  - split: train
-    path: common_gen_random_task_template_prompt/train-*
-  - split: validation
-    path: common_gen_random_task_template_prompt/validation-*
-  - split: test
-    path: common_gen_random_task_template_prompt/test-*
-- config_name: common_gen_sentence_to_concepts
-  data_files:
-  - split: train
-    path: common_gen_sentence_to_concepts/train-*
-  - split: validation
-    path: common_gen_sentence_to_concepts/validation-*
-  - split: test
-    path: common_gen_sentence_to_concepts/test-*
-- config_name: common_gen_topic_to_sentence
-  data_files:
-  - split: train
-    path: common_gen_topic_to_sentence/train-*
-  - split: validation
-    path: common_gen_topic_to_sentence/validation-*
-  - split: test
-    path: common_gen_topic_to_sentence/test-*
-- config_name: common_gen_topics_from_the_sentence
-  data_files:
-  - split: train
-    path: common_gen_topics_from_the_sentence/train-*
-  - split: validation
-    path: common_gen_topics_from_the_sentence/validation-*
-  - split: test
-    path: common_gen_topics_from_the_sentence/test-*
-- config_name: cos_e_v1.11_aligned_with_common_sense
-  data_files:
-  - split: train
-    path: cos_e_v1.11_aligned_with_common_sense/train-*
-  - split: validation
-    path: cos_e_v1.11_aligned_with_common_sense/validation-*
-- config_name: cos_e_v1.11_description_question_option_id
-  data_files:
-  - split: train
-    path: cos_e_v1.11_description_question_option_id/train-*
-  - split: validation
-    path: cos_e_v1.11_description_question_option_id/validation-*
-- config_name: cos_e_v1.11_description_question_option_text
-  data_files:
-  - split: train
-    path: cos_e_v1.11_description_question_option_text/train-*
-  - split: validation
-    path: cos_e_v1.11_description_question_option_text/validation-*
-- config_name: cos_e_v1.11_explain_why_human
-  data_files:
-  - split: train
-    path: cos_e_v1.11_explain_why_human/train-*
-  - split: validation
-    path: cos_e_v1.11_explain_why_human/validation-*
-- config_name: cos_e_v1.11_generate_explanation_given_text
-  data_files:
-  - split: train
-    path: cos_e_v1.11_generate_explanation_given_text/train-*
-  - split: validation
-    path: cos_e_v1.11_generate_explanation_given_text/validation-*
-- config_name: cos_e_v1.11_i_think
-  data_files:
-  - split: train
-    path: cos_e_v1.11_i_think/train-*
-  - split: validation
-    path: cos_e_v1.11_i_think/validation-*
-- config_name: cos_e_v1.11_question_description_option_id
-  data_files:
-  - split: train
-    path: cos_e_v1.11_question_description_option_id/train-*
-  - split: validation
-    path: cos_e_v1.11_question_description_option_id/validation-*
-- config_name: cos_e_v1.11_question_description_option_text
-  data_files:
-  - split: train
-    path: cos_e_v1.11_question_description_option_text/train-*
-  - split: validation
-    path: cos_e_v1.11_question_description_option_text/validation-*
-- config_name: cos_e_v1.11_question_option_description_id
-  data_files:
-  - split: train
-    path: cos_e_v1.11_question_option_description_id/train-*
-  - split: validation
-    path: cos_e_v1.11_question_option_description_id/validation-*
-- config_name: cos_e_v1.11_question_option_description_text
-  data_files:
-  - split: train
-    path: cos_e_v1.11_question_option_description_text/train-*
-  - split: validation
-    path: cos_e_v1.11_question_option_description_text/validation-*
-- config_name: cos_e_v1.11_rationale
-  data_files:
-  - split: train
-    path: cos_e_v1.11_rationale/train-*
-  - split: validation
-    path: cos_e_v1.11_rationale/validation-*
-- config_name: cosmos_qa_context_answer_to_question
-  data_files:
-  - split: train
-    path: cosmos_qa_context_answer_to_question/train-*
-  - split: validation
-    path: cosmos_qa_context_answer_to_question/validation-*
-  - split: test
-    path: cosmos_qa_context_answer_to_question/test-*
-- config_name: cosmos_qa_context_description_question_answer_id
-  data_files:
-  - split: train
-    path: cosmos_qa_context_description_question_answer_id/train-*
-  - split: validation
-    path: cosmos_qa_context_description_question_answer_id/validation-*
-  - split: test
-    path: cosmos_qa_context_description_question_answer_id/test-*
-- config_name: cosmos_qa_context_description_question_answer_text
-  data_files:
-  - split: train
-    path: cosmos_qa_context_description_question_answer_text/train-*
-  - split: validation
-    path: cosmos_qa_context_description_question_answer_text/validation-*
-  - split: test
-    path: cosmos_qa_context_description_question_answer_text/test-*
-- config_name: cosmos_qa_context_description_question_text
-  data_files:
-  - split: train
-    path: cosmos_qa_context_description_question_text/train-*
-  - split: validation
-    path: cosmos_qa_context_description_question_text/validation-*
-  - split: test
-    path: cosmos_qa_context_description_question_text/test-*
-- config_name: cosmos_qa_context_question_description_answer_id
-  data_files:
-  - split: train
-    path: cosmos_qa_context_question_description_answer_id/train-*
-  - split: validation
-    path: cosmos_qa_context_question_description_answer_id/validation-*
-  - split: test
-    path: cosmos_qa_context_question_description_answer_id/test-*
-- config_name: cosmos_qa_context_question_description_answer_text
-  data_files:
-  - split: train
-    path: cosmos_qa_context_question_description_answer_text/train-*
-  - split: validation
-    path: cosmos_qa_context_question_description_answer_text/validation-*
-  - split: test
-    path: cosmos_qa_context_question_description_answer_text/test-*
-- config_name: cosmos_qa_context_question_description_text
-  data_files:
-  - split: train
-    path: cosmos_qa_context_question_description_text/train-*
-  - split: validation
-    path: cosmos_qa_context_question_description_text/validation-*
-  - split: test
-    path: cosmos_qa_context_question_description_text/test-*
-- config_name: cosmos_qa_description_context_question_answer_id
-  data_files:
-  - split: train
-    path: cosmos_qa_description_context_question_answer_id/train-*
-  - split: validation
-    path: cosmos_qa_description_context_question_answer_id/validation-*
-  - split: test
-    path: cosmos_qa_description_context_question_answer_id/test-*
-- config_name: cosmos_qa_description_context_question_answer_text
-  data_files:
-  - split: train
-    path: cosmos_qa_description_context_question_answer_text/train-*
-  - split: validation
-    path: cosmos_qa_description_context_question_answer_text/validation-*
-  - split: test
-    path: cosmos_qa_description_context_question_answer_text/test-*
-- config_name: cosmos_qa_description_context_question_text
-  data_files:
-  - split: train
-    path: cosmos_qa_description_context_question_text/train-*
-  - split: validation
-    path: cosmos_qa_description_context_question_text/validation-*
-  - split: test
-    path: cosmos_qa_description_context_question_text/test-*
-- config_name: cosmos_qa_no_prompt_id
-  data_files:
-  - split: train
-    path: cosmos_qa_no_prompt_id/train-*
-  - split: validation
-    path: cosmos_qa_no_prompt_id/validation-*
-  - split: test
-    path: cosmos_qa_no_prompt_id/test-*
-- config_name: cosmos_qa_no_prompt_text
-  data_files:
-  - split: train
-    path: cosmos_qa_no_prompt_text/train-*
-  - split: validation
-    path: cosmos_qa_no_prompt_text/validation-*
-  - split: test
-    path: cosmos_qa_no_prompt_text/test-*
-- config_name: cosmos_qa_only_question_answer
-  data_files:
-  - split: train
-    path: cosmos_qa_only_question_answer/train-*
-  - split: validation
-    path: cosmos_qa_only_question_answer/validation-*
-  - split: test
-    path: cosmos_qa_only_question_answer/test-*
-- config_name: dbpedia_14_given_a_choice_of_categories_
-  data_files:
-  - split: train
-    path: dbpedia_14_given_a_choice_of_categories_/train-*
-  - split: test
-    path: dbpedia_14_given_a_choice_of_categories_/test-*
-- config_name: dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to
-  data_files:
-  - split: train
-    path: dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/train-*
-  - split: test
-    path: dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/test-*
-- config_name: dbpedia_14_given_list_what_category_does_the_paragraph_belong_to
-  data_files:
-  - split: train
-    path: dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train-*
-  - split: test
-    path: dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/test-*
-- config_name: dbpedia_14_pick_one_category_for_the_following_text
-  data_files:
-  - split: train
-    path: dbpedia_14_pick_one_category_for_the_following_text/train-*
-  - split: test
-    path: dbpedia_14_pick_one_category_for_the_following_text/test-*
-- config_name: dream_answer_to_dialogue
-  data_files:
-  - split: train
-    path: dream_answer_to_dialogue/train-*
-  - split: validation
-    path: dream_answer_to_dialogue/validation-*
-  - split: test
-    path: dream_answer_to_dialogue/test-*
-- config_name: dream_baseline
-  data_files:
-  - split: train
-    path: dream_baseline/train-*
-  - split: validation
-    path: dream_baseline/validation-*
-  - split: test
-    path: dream_baseline/test-*
-- config_name: dream_generate_first_utterance
-  data_files:
-  - split: train
-    path: dream_generate_first_utterance/train-*
-  - split: validation
-    path: dream_generate_first_utterance/validation-*
-  - split: test
-    path: dream_generate_first_utterance/test-*
-- config_name: dream_generate_last_utterance
-  data_files:
-  - split: train
-    path: dream_generate_last_utterance/train-*
-  - split: validation
-    path: dream_generate_last_utterance/validation-*
-  - split: test
-    path: dream_generate_last_utterance/test-*
-- config_name: dream_read_the_following_conversation_and_answer_the_question
-  data_files:
-  - split: train
-    path: dream_read_the_following_conversation_and_answer_the_question/train-*
-  - split: validation
-    path: dream_read_the_following_conversation_and_answer_the_question/validation-*
-  - split: test
-    path: dream_read_the_following_conversation_and_answer_the_question/test-*
-- config_name: duorc_ParaphraseRC_answer_question
-  data_files:
-  - split: train
-    path: duorc_ParaphraseRC_answer_question/train-*
-  - split: validation
-    path: duorc_ParaphraseRC_answer_question/validation-*
-  - split: test
-    path: duorc_ParaphraseRC_answer_question/test-*
-- config_name: duorc_ParaphraseRC_build_story_around_qa
-  data_files:
-  - split: train
-    path: duorc_ParaphraseRC_build_story_around_qa/train-*
-  - split: validation
-    path: duorc_ParaphraseRC_build_story_around_qa/validation-*
-  - split: test
-    path: duorc_ParaphraseRC_build_story_around_qa/test-*
-- config_name: duorc_ParaphraseRC_decide_worth_it
-  data_files:
-  - split: train
-    path: duorc_ParaphraseRC_decide_worth_it/train-*
-  - split: validation
-    path: duorc_ParaphraseRC_decide_worth_it/validation-*
-  - split: test
-    path: duorc_ParaphraseRC_decide_worth_it/test-*
-- config_name: duorc_ParaphraseRC_extract_answer
-  data_files:
-  - split: train
-    path: duorc_ParaphraseRC_extract_answer/train-*
-  - split: validation
-    path: duorc_ParaphraseRC_extract_answer/validation-*
-  - split: test
-    path: duorc_ParaphraseRC_extract_answer/test-*
-- config_name: duorc_ParaphraseRC_generate_question
-  data_files:
-  - split: train
-    path: duorc_ParaphraseRC_generate_question/train-*
-  - split: validation
-    path: duorc_ParaphraseRC_generate_question/validation-*
-  - split: test
-    path: duorc_ParaphraseRC_generate_question/test-*
-- config_name: duorc_ParaphraseRC_generate_question_by_answer
-  data_files:
-  - split: train
-    path: duorc_ParaphraseRC_generate_question_by_answer/train-*
-  - split: validation
-    path: duorc_ParaphraseRC_generate_question_by_answer/validation-*
-  - split: test
-    path: duorc_ParaphraseRC_generate_question_by_answer/test-*
-- config_name: duorc_ParaphraseRC_movie_director
-  data_files:
-  - split: train
-    path: duorc_ParaphraseRC_movie_director/train-*
-  - split: validation
-    path: duorc_ParaphraseRC_movie_director/validation-*
-  - split: test
-    path: duorc_ParaphraseRC_movie_director/test-*
-- config_name: duorc_ParaphraseRC_question_answering
-  data_files:
-  - split: train
-    path: duorc_ParaphraseRC_question_answering/train-*
-  - split: validation
-    path: duorc_ParaphraseRC_question_answering/validation-*
-  - split: test
-    path: duorc_ParaphraseRC_question_answering/test-*
-- config_name: duorc_ParaphraseRC_title_generation
-  data_files:
-  - split: train
-    path: duorc_ParaphraseRC_title_generation/train-*
-  - split: validation
-    path: duorc_ParaphraseRC_title_generation/validation-*
-  - split: test
-    path: duorc_ParaphraseRC_title_generation/test-*
-- config_name: duorc_SelfRC_answer_question
-  data_files:
-  - split: train
-    path: duorc_SelfRC_answer_question/train-*
-  - split: validation
-    path: duorc_SelfRC_answer_question/validation-*
-  - split: test
-    path: duorc_SelfRC_answer_question/test-*
-- config_name: duorc_SelfRC_build_story_around_qa
-  data_files:
-  - split: train
-    path: duorc_SelfRC_build_story_around_qa/train-*
-  - split: validation
-    path: duorc_SelfRC_build_story_around_qa/validation-*
-  - split: test
-    path: duorc_SelfRC_build_story_around_qa/test-*
-- config_name: duorc_SelfRC_decide_worth_it
-  data_files:
-  - split: train
-    path: duorc_SelfRC_decide_worth_it/train-*
-  - split: validation
-    path: duorc_SelfRC_decide_worth_it/validation-*
-  - split: test
-    path: duorc_SelfRC_decide_worth_it/test-*
-- config_name: duorc_SelfRC_extract_answer
-  data_files:
-  - split: train
-    path: duorc_SelfRC_extract_answer/train-*
-  - split: validation
-    path: duorc_SelfRC_extract_answer/validation-*
-  - split: test
-    path: duorc_SelfRC_extract_answer/test-*
-- config_name: duorc_SelfRC_generate_question
-  data_files:
-  - split: train
-    path: duorc_SelfRC_generate_question/train-*
-  - split: validation
-    path: duorc_SelfRC_generate_question/validation-*
-  - split: test
-    path: duorc_SelfRC_generate_question/test-*
-- config_name: duorc_SelfRC_generate_question_by_answer
-  data_files:
-  - split: train
-    path: duorc_SelfRC_generate_question_by_answer/train-*
-  - split: validation
-    path: duorc_SelfRC_generate_question_by_answer/validation-*
-  - split: test
-    path: duorc_SelfRC_generate_question_by_answer/test-*
-- config_name: duorc_SelfRC_movie_director
-  data_files:
-  - split: train
-    path: duorc_SelfRC_movie_director/train-*
-  - split: validation
-    path: duorc_SelfRC_movie_director/validation-*
-  - split: test
-    path: duorc_SelfRC_movie_director/test-*
-- config_name: duorc_SelfRC_question_answering
-  data_files:
-  - split: train
-    path: duorc_SelfRC_question_answering/train-*
-  - split: validation
-    path: duorc_SelfRC_question_answering/validation-*
-  - split: test
-    path: duorc_SelfRC_question_answering/test-*
-- config_name: duorc_SelfRC_title_generation
-  data_files:
-  - split: train
-    path: duorc_SelfRC_title_generation/train-*
-  - split: validation
-    path: duorc_SelfRC_title_generation/validation-*
-  - split: test
-    path: duorc_SelfRC_title_generation/test-*
-- config_name: gigaword_TLDR
-  data_files:
-  - split: train
-    path: gigaword_TLDR/train-*
-  - split: validation
-    path: gigaword_TLDR/validation-*
-  - split: test
-    path: gigaword_TLDR/test-*
-- config_name: gigaword_first_sentence_title
-  data_files:
-  - split: train
-    path: gigaword_first_sentence_title/train-*
-  - split: validation
-    path: gigaword_first_sentence_title/validation-*
-  - split: test
-    path: gigaword_first_sentence_title/test-*
-- config_name: gigaword_generate_summary_for_this
-  data_files:
-  - split: train
-    path: gigaword_generate_summary_for_this/train-*
-  - split: validation
-    path: gigaword_generate_summary_for_this/validation-*
-  - split: test
-    path: gigaword_generate_summary_for_this/test-*
-- config_name: gigaword_in_a_nutshell
-  data_files:
-  - split: train
-    path: gigaword_in_a_nutshell/train-*
-  - split: validation
-    path: gigaword_in_a_nutshell/validation-*
-  - split: test
-    path: gigaword_in_a_nutshell/test-*
-- config_name: gigaword_make_a_title
-  data_files:
-  - split: train
-    path: gigaword_make_a_title/train-*
-  - split: validation
-    path: gigaword_make_a_title/validation-*
-  - split: test
-    path: gigaword_make_a_title/test-*
-- config_name: gigaword_reverse_writing
-  data_files:
-  - split: train
-    path: gigaword_reverse_writing/train-*
-  - split: validation
-    path: gigaword_reverse_writing/validation-*
-  - split: test
-    path: gigaword_reverse_writing/test-*
-- config_name: gigaword_write_a_title_for_this_sentence
-  data_files:
-  - split: train
-    path: gigaword_write_a_title_for_this_sentence/train-*
-  - split: validation
-    path: gigaword_write_a_title_for_this_sentence/validation-*
-  - split: test
-    path: gigaword_write_a_title_for_this_sentence/test-*
-- config_name: gigaword_write_an_article
-  data_files:
-  - split: train
-    path: gigaword_write_an_article/train-*
-  - split: validation
-    path: gigaword_write_an_article/validation-*
-  - split: test
-    path: gigaword_write_an_article/test-*
-- config_name: gigaword_write_its_sentence
-  data_files:
-  - split: train
-    path: gigaword_write_its_sentence/train-*
-  - split: validation
-    path: gigaword_write_its_sentence/validation-*
-  - split: test
-    path: gigaword_write_its_sentence/test-*
-- config_name: glue_mrpc_equivalent
-  data_files:
-  - split: train
-    path: glue_mrpc_equivalent/train-*
-  - split: validation
-    path: glue_mrpc_equivalent/validation-*
-  - split: test
-    path: glue_mrpc_equivalent/test-*
-- config_name: glue_mrpc_generate_paraphrase
-  data_files:
-  - split: train
-    path: glue_mrpc_generate_paraphrase/train-*
-  - split: validation
-    path: glue_mrpc_generate_paraphrase/validation-*
-  - split: test
-    path: glue_mrpc_generate_paraphrase/test-*
-- config_name: glue_mrpc_generate_sentence
-  data_files:
-  - split: train
-    path: glue_mrpc_generate_sentence/train-*
-  - split: validation
-    path: glue_mrpc_generate_sentence/validation-*
-  - split: test
-    path: glue_mrpc_generate_sentence/test-*
-- config_name: glue_mrpc_paraphrase
-  data_files:
-  - split: train
-    path: glue_mrpc_paraphrase/train-*
-  - split: validation
-    path: glue_mrpc_paraphrase/validation-*
-  - split: test
-    path: glue_mrpc_paraphrase/test-*
-- config_name: glue_mrpc_replace
-  data_files:
-  - split: train
-    path: glue_mrpc_replace/train-*
-  - split: validation
-    path: glue_mrpc_replace/validation-*
-  - split: test
-    path: glue_mrpc_replace/test-*
-- config_name: glue_mrpc_same_thing
-  data_files:
-  - split: train
-    path: glue_mrpc_same_thing/train-*
-  - split: validation
-    path: glue_mrpc_same_thing/validation-*
-  - split: test
-    path: glue_mrpc_same_thing/test-*
-- config_name: glue_mrpc_want_to_know
-  data_files:
-  - split: train
-    path: glue_mrpc_want_to_know/train-*
-  - split: validation
-    path: glue_mrpc_want_to_know/validation-*
-  - split: test
-    path: glue_mrpc_want_to_know/test-*
-- config_name: glue_qqp_answer
-  data_files:
-  - split: train
-    path: glue_qqp_answer/train-*
-  - split: validation
-    path: glue_qqp_answer/validation-*
-  - split: test
-    path: glue_qqp_answer/test-*
-- config_name: glue_qqp_duplicate
-  data_files:
-  - split: train
-    path: glue_qqp_duplicate/train-*
-  - split: validation
-    path: glue_qqp_duplicate/validation-*
-  - split: test
-    path: glue_qqp_duplicate/test-*
-- config_name: glue_qqp_duplicate_or_not
-  data_files:
-  - split: train
-    path: glue_qqp_duplicate_or_not/train-*
-  - split: validation
-    path: glue_qqp_duplicate_or_not/validation-*
-  - split: test
-    path: glue_qqp_duplicate_or_not/test-*
-- config_name: glue_qqp_meaning
-  data_files:
-  - split: train
-    path: glue_qqp_meaning/train-*
-  - split: validation
-    path: glue_qqp_meaning/validation-*
-  - split: test
-    path: glue_qqp_meaning/test-*
-- config_name: glue_qqp_quora
-  data_files:
-  - split: train
-    path: glue_qqp_quora/train-*
-  - split: validation
-    path: glue_qqp_quora/validation-*
-  - split: test
-    path: glue_qqp_quora/test-*
-- config_name: glue_qqp_same_thing
-  data_files:
-  - split: train
-    path: glue_qqp_same_thing/train-*
-  - split: validation
-    path: glue_qqp_same_thing/validation-*
-  - split: test
-    path: glue_qqp_same_thing/test-*
-- config_name: hellaswag_Appropriate_continuation_Yes_or_No
-  data_files:
-  - split: train
-    path: hellaswag_Appropriate_continuation_Yes_or_No/train-*
-  - split: validation
-    path: hellaswag_Appropriate_continuation_Yes_or_No/validation-*
-  - split: test
-    path: hellaswag_Appropriate_continuation_Yes_or_No/test-*
-- config_name: hellaswag_Open_ended_completion
-  data_files:
-  - split: train
-    path: hellaswag_Open_ended_completion/train-*
-  - split: validation
-    path: hellaswag_Open_ended_completion/validation-*
-  - split: test
-    path: hellaswag_Open_ended_completion/test-*
-- config_name: hellaswag_Open_ended_start
-  data_files:
-  - split: train
-    path: hellaswag_Open_ended_start/train-*
-  - split: validation
-    path: hellaswag_Open_ended_start/validation-*
-  - split: test
-    path: hellaswag_Open_ended_start/test-*
-- config_name: hellaswag_Predict_ending_with_hint
-  data_files:
-  - split: train
-    path: hellaswag_Predict_ending_with_hint/train-*
-  - split: validation
-    path: hellaswag_Predict_ending_with_hint/validation-*
-  - split: test
-    path: hellaswag_Predict_ending_with_hint/test-*
-- config_name: hellaswag_Predict_ending_with_hint_score_eval
-  data_files:
-  - split: train
-    path: hellaswag_Predict_ending_with_hint_score_eval/train-*
-  - split: validation
-    path: hellaswag_Predict_ending_with_hint_score_eval/validation-*
-  - split: test
-    path: hellaswag_Predict_ending_with_hint_score_eval/test-*
-- config_name: hellaswag_Randomized_prompts_template
-  data_files:
-  - split: train
-    path: hellaswag_Randomized_prompts_template/train-*
-  - split: validation
-    path: hellaswag_Randomized_prompts_template/validation-*
-  - split: test
-    path: hellaswag_Randomized_prompts_template/test-*
-- config_name: hellaswag_Randomized_prompts_template_score_eval
-  data_files:
-  - split: train
-    path: hellaswag_Randomized_prompts_template_score_eval/train-*
-  - split: validation
-    path: hellaswag_Randomized_prompts_template_score_eval/validation-*
-  - split: test
-    path: hellaswag_Randomized_prompts_template_score_eval/test-*
-- config_name: hellaswag_Reversed_appropriate_continuation_Yes_or_No
-  data_files:
-  - split: train
-    path: hellaswag_Reversed_appropriate_continuation_Yes_or_No/train-*
-  - split: validation
-    path: hellaswag_Reversed_appropriate_continuation_Yes_or_No/validation-*
-  - split: test
-    path: hellaswag_Reversed_appropriate_continuation_Yes_or_No/test-*
-- config_name: hellaswag_Topic_of_the_context
-  data_files:
-  - split: train
-    path: hellaswag_Topic_of_the_context/train-*
-  - split: validation
-    path: hellaswag_Topic_of_the_context/validation-*
-  - split: test
-    path: hellaswag_Topic_of_the_context/test-*
-- config_name: hellaswag_Topic_without_the_ending_answer
-  data_files:
-  - split: train
-    path: hellaswag_Topic_without_the_ending_answer/train-*
-  - split: validation
-    path: hellaswag_Topic_without_the_ending_answer/validation-*
-  - split: test
-    path: hellaswag_Topic_without_the_ending_answer/test-*
-- config_name: hellaswag_complete_first_then
-  data_files:
-  - split: train
-    path: hellaswag_complete_first_then/train-*
-  - split: validation
-    path: hellaswag_complete_first_then/validation-*
-  - split: test
-    path: hellaswag_complete_first_then/test-*
-- config_name: hellaswag_complete_first_then_score_eval
-  data_files:
-  - split: train
-    path: hellaswag_complete_first_then_score_eval/train-*
-  - split: validation
-    path: hellaswag_complete_first_then_score_eval/validation-*
-  - split: test
-    path: hellaswag_complete_first_then_score_eval/test-*
-- config_name: hellaswag_how_ends
-  data_files:
-  - split: train
-    path: hellaswag_how_ends/train-*
-  - split: validation
-    path: hellaswag_how_ends/validation-*
-  - split: test
-    path: hellaswag_how_ends/test-*
-- config_name: hellaswag_if_begins_how_continues
-  data_files:
-  - split: train
-    path: hellaswag_if_begins_how_continues/train-*
-  - split: validation
-    path: hellaswag_if_begins_how_continues/validation-*
-  - split: test
-    path: hellaswag_if_begins_how_continues/test-*
-- config_name: hellaswag_if_begins_how_continues_score_eval
-  data_files:
-  - split: train
-    path: hellaswag_if_begins_how_continues_score_eval/train-*
-  - split: validation
-    path: hellaswag_if_begins_how_continues_score_eval/validation-*
-  - split: test
-    path: hellaswag_if_begins_how_continues_score_eval/test-*
-- config_name: imdb_Movie_Expressed_Sentiment
-  data_files:
-  - split: train
-    path: imdb_Movie_Expressed_Sentiment/train-*
-  - split: test
-    path: imdb_Movie_Expressed_Sentiment/test-*
-  - split: unsupervised
-    path: imdb_Movie_Expressed_Sentiment/unsupervised-*
-- config_name: imdb_Movie_Expressed_Sentiment_2
-  data_files:
-  - split: train
-    path: imdb_Movie_Expressed_Sentiment_2/train-*
-  - split: test
-    path: imdb_Movie_Expressed_Sentiment_2/test-*
-  - split: unsupervised
-    path: imdb_Movie_Expressed_Sentiment_2/unsupervised-*
-- config_name: imdb_Negation_template_for_positive_and_negative
-  data_files:
-  - split: train
-    path: imdb_Negation_template_for_positive_and_negative/train-*
-  - split: test
-    path: imdb_Negation_template_for_positive_and_negative/test-*
-  - split: unsupervised
-    path: imdb_Negation_template_for_positive_and_negative/unsupervised-*
-- config_name: imdb_Reviewer_Enjoyment
-  data_files:
-  - split: train
-    path: imdb_Reviewer_Enjoyment/train-*
-  - split: test
-    path: imdb_Reviewer_Enjoyment/test-*
-  - split: unsupervised
-    path: imdb_Reviewer_Enjoyment/unsupervised-*
-- config_name: imdb_Reviewer_Enjoyment_Yes_No
-  data_files:
-  - split: train
-    path: imdb_Reviewer_Enjoyment_Yes_No/train-*
-  - split: test
-    path: imdb_Reviewer_Enjoyment_Yes_No/test-*
-  - split: unsupervised
-    path: imdb_Reviewer_Enjoyment_Yes_No/unsupervised-*
-- config_name: imdb_Reviewer_Expressed_Sentiment
-  data_files:
-  - split: train
-    path: imdb_Reviewer_Expressed_Sentiment/train-*
-  - split: test
-    path: imdb_Reviewer_Expressed_Sentiment/test-*
-  - split: unsupervised
-    path: imdb_Reviewer_Expressed_Sentiment/unsupervised-*
-- config_name: imdb_Reviewer_Opinion_bad_good_choices
-  data_files:
-  - split: train
-    path: imdb_Reviewer_Opinion_bad_good_choices/train-*
-  - split: test
-    path: imdb_Reviewer_Opinion_bad_good_choices/test-*
-  - split: unsupervised
-    path: imdb_Reviewer_Opinion_bad_good_choices/unsupervised-*
-- config_name: imdb_Reviewer_Sentiment_Feeling
-  data_files:
-  - split: train
-    path: imdb_Reviewer_Sentiment_Feeling/train-*
-  - split: test
-    path: imdb_Reviewer_Sentiment_Feeling/test-*
-  - split: unsupervised
-    path: imdb_Reviewer_Sentiment_Feeling/unsupervised-*
-- config_name: imdb_Sentiment_with_choices_
-  data_files:
-  - split: train
-    path: imdb_Sentiment_with_choices_/train-*
-  - split: test
-    path: imdb_Sentiment_with_choices_/test-*
-  - split: unsupervised
-    path: imdb_Sentiment_with_choices_/unsupervised-*
-- config_name: imdb_Text_Expressed_Sentiment
-  data_files:
-  - split: train
-    path: imdb_Text_Expressed_Sentiment/train-*
-  - split: test
-    path: imdb_Text_Expressed_Sentiment/test-*
-  - split: unsupervised
-    path: imdb_Text_Expressed_Sentiment/unsupervised-*
-- config_name: imdb_Writer_Expressed_Sentiment
-  data_files:
-  - split: train
-    path: imdb_Writer_Expressed_Sentiment/train-*
-  - split: test
-    path: imdb_Writer_Expressed_Sentiment/test-*
-  - split: unsupervised
-    path: imdb_Writer_Expressed_Sentiment/unsupervised-*
-- config_name: kilt_tasks_hotpotqa_combining_facts
-  data_files:
-  - split: train
-    path: kilt_tasks_hotpotqa_combining_facts/train-*
-  - split: validation
-    path: kilt_tasks_hotpotqa_combining_facts/validation-*
-- config_name: kilt_tasks_hotpotqa_complex_question
-  data_files:
-  - split: train
-    path: kilt_tasks_hotpotqa_complex_question/train-*
-  - split: validation
-    path: kilt_tasks_hotpotqa_complex_question/validation-*
-- config_name: kilt_tasks_hotpotqa_final_exam
-  data_files:
-  - split: train
-    path: kilt_tasks_hotpotqa_final_exam/train-*
-  - split: validation
-    path: kilt_tasks_hotpotqa_final_exam/validation-*
-- config_name: kilt_tasks_hotpotqa_formulate
-  data_files:
-  - split: train
-    path: kilt_tasks_hotpotqa_formulate/train-*
-  - split: validation
-    path: kilt_tasks_hotpotqa_formulate/validation-*
-- config_name: kilt_tasks_hotpotqa_straighforward_qa
-  data_files:
-  - split: train
-    path: kilt_tasks_hotpotqa_straighforward_qa/train-*
-  - split: validation
-    path: kilt_tasks_hotpotqa_straighforward_qa/validation-*
-- config_name: multi_news_distill
-  data_files:
-  - split: train
-    path: multi_news_distill/train-*
-  - split: validation
-    path: multi_news_distill/validation-*
-  - split: test
-    path: multi_news_distill/test-*
-- config_name: multi_news_expand_reverse_task_
-  data_files:
-  - split: train
-    path: multi_news_expand_reverse_task_/train-*
-  - split: validation
-    path: multi_news_expand_reverse_task_/validation-*
-  - split: test
-    path: multi_news_expand_reverse_task_/test-*
-- config_name: multi_news_summarize
-  data_files:
-  - split: train
-    path: multi_news_summarize/train-*
-  - split: validation
-    path: multi_news_summarize/validation-*
-  - split: test
-    path: multi_news_summarize/test-*
-- config_name: multi_news_summary_scenario
-  data_files:
-  - split: train
-    path: multi_news_summary_scenario/train-*
-  - split: validation
-    path: multi_news_summary_scenario/validation-*
-  - split: test
-    path: multi_news_summary_scenario/test-*
-- config_name: multi_news_synthesize
-  data_files:
-  - split: train
-    path: multi_news_synthesize/train-*
-  - split: validation
-    path: multi_news_synthesize/validation-*
-  - split: test
-    path: multi_news_synthesize/test-*
-- config_name: multi_news_what_are_the_key_points
-  data_files:
-  - split: train
-    path: multi_news_what_are_the_key_points/train-*
-  - split: validation
-    path: multi_news_what_are_the_key_points/validation-*
-  - split: test
-    path: multi_news_what_are_the_key_points/test-*
-- config_name: openbookqa_main_choices
-  data_files:
-  - split: train
-    path: openbookqa_main_choices/train-*
-  - split: validation
-    path: openbookqa_main_choices/validation-*
-  - split: test
-    path: openbookqa_main_choices/test-*
-- config_name: openbookqa_main_choose_an_answer_with_options
-  data_files:
-  - split: train
-    path: openbookqa_main_choose_an_answer_with_options/train-*
-  - split: validation
-    path: openbookqa_main_choose_an_answer_with_options/validation-*
-  - split: test
-    path: openbookqa_main_choose_an_answer_with_options/test-*
-- config_name: openbookqa_main_only_options
-  data_files:
-  - split: train
-    path: openbookqa_main_only_options/train-*
-  - split: validation
-    path: openbookqa_main_only_options/validation-*
-  - split: test
-    path: openbookqa_main_only_options/test-*
-- config_name: openbookqa_main_pick_answer_with_options
-  data_files:
-  - split: train
-    path: openbookqa_main_pick_answer_with_options/train-*
-  - split: validation
-    path: openbookqa_main_pick_answer_with_options/validation-*
-  - split: test
-    path: openbookqa_main_pick_answer_with_options/test-*
-- config_name: openbookqa_main_pick_using_id
-  data_files:
-  - split: train
-    path: openbookqa_main_pick_using_id/train-*
-  - split: validation
-    path: openbookqa_main_pick_using_id/validation-*
-  - split: test
-    path: openbookqa_main_pick_using_id/test-*
-- config_name: openbookqa_main_which_correct
-  data_files:
-  - split: train
-    path: openbookqa_main_which_correct/train-*
-  - split: validation
-    path: openbookqa_main_which_correct/validation-*
-  - split: test
-    path: openbookqa_main_which_correct/test-*
-- config_name: openbookqa_main_which_correct_inverse
-  data_files:
-  - split: train
-    path: openbookqa_main_which_correct_inverse/train-*
-  - split: validation
-    path: openbookqa_main_which_correct_inverse/validation-*
-  - split: test
-    path: openbookqa_main_which_correct_inverse/test-*
-- config_name: paws_labeled_final_Concatenation
-  data_files:
-  - split: train
-    path: paws_labeled_final_Concatenation/train-*
-  - split: validation
-    path: paws_labeled_final_Concatenation/validation-*
-  - split: test
-    path: paws_labeled_final_Concatenation/test-*
-- config_name: paws_labeled_final_Concatenation_no_label
-  data_files:
-  - split: train
-    path: paws_labeled_final_Concatenation_no_label/train-*
-  - split: validation
-    path: paws_labeled_final_Concatenation_no_label/validation-*
-  - split: test
-    path: paws_labeled_final_Concatenation_no_label/test-*
-- config_name: paws_labeled_final_Meaning
-  data_files:
-  - split: train
-    path: paws_labeled_final_Meaning/train-*
-  - split: validation
-    path: paws_labeled_final_Meaning/validation-*
-  - split: test
-    path: paws_labeled_final_Meaning/test-*
-- config_name: paws_labeled_final_Meaning_no_label
-  data_files:
-  - split: train
-    path: paws_labeled_final_Meaning_no_label/train-*
-  - split: validation
-    path: paws_labeled_final_Meaning_no_label/validation-*
-  - split: test
-    path: paws_labeled_final_Meaning_no_label/test-*
-- config_name: paws_labeled_final_PAWS_ANLI_GPT3
-  data_files:
-  - split: train
-    path: paws_labeled_final_PAWS_ANLI_GPT3/train-*
-  - split: validation
-    path: paws_labeled_final_PAWS_ANLI_GPT3/validation-*
-  - split: test
-    path: paws_labeled_final_PAWS_ANLI_GPT3/test-*
-- config_name: paws_labeled_final_PAWS_ANLI_GPT3_no_label
-  data_files:
-  - split: train
-    path: paws_labeled_final_PAWS_ANLI_GPT3_no_label/train-*
-  - split: validation
-    path: paws_labeled_final_PAWS_ANLI_GPT3_no_label/validation-*
-  - split: test
-    path: paws_labeled_final_PAWS_ANLI_GPT3_no_label/test-*
-- config_name: paws_labeled_final_Rewrite
-  data_files:
-  - split: train
-    path: paws_labeled_final_Rewrite/train-*
-  - split: validation
-    path: paws_labeled_final_Rewrite/validation-*
-  - split: test
-    path: paws_labeled_final_Rewrite/test-*
-- config_name: paws_labeled_final_Rewrite_no_label
-  data_files:
-  - split: train
-    path: paws_labeled_final_Rewrite_no_label/train-*
-  - split: validation
-    path: paws_labeled_final_Rewrite_no_label/validation-*
-  - split: test
-    path: paws_labeled_final_Rewrite_no_label/test-*
-- config_name: paws_labeled_final_context_question
-  data_files:
-  - split: train
-    path: paws_labeled_final_context_question/train-*
-  - split: validation
-    path: paws_labeled_final_context_question/validation-*
-  - split: test
-    path: paws_labeled_final_context_question/test-*
-- config_name: paws_labeled_final_context_question_no_label
-  data_files:
-  - split: train
-    path: paws_labeled_final_context_question_no_label/train-*
-  - split: validation
-    path: paws_labeled_final_context_question_no_label/validation-*
-  - split: test
-    path: paws_labeled_final_context_question_no_label/test-*
-- config_name: paws_labeled_final_paraphrase_task
-  data_files:
-  - split: train
-    path: paws_labeled_final_paraphrase_task/train-*
-  - split: validation
-    path: paws_labeled_final_paraphrase_task/validation-*
-  - split: test
-    path: paws_labeled_final_paraphrase_task/test-*
-- config_name: paws_labeled_final_task_description_no_label
-  data_files:
-  - split: train
-    path: paws_labeled_final_task_description_no_label/train-*
-  - split: validation
-    path: paws_labeled_final_task_description_no_label/validation-*
-  - split: test
-    path: paws_labeled_final_task_description_no_label/test-*
-- config_name: piqa_Correct_the_solution
-  data_files:
-  - split: train
-    path: piqa_Correct_the_solution/train-*
-  - split: validation
-    path: piqa_Correct_the_solution/validation-*
-  - split: test
-    path: piqa_Correct_the_solution/test-*
-- config_name: piqa_Correct_the_solution_if_false_from_sol_1
-  data_files:
-  - split: train
-    path: piqa_Correct_the_solution_if_false_from_sol_1/train-*
-  - split: validation
-    path: piqa_Correct_the_solution_if_false_from_sol_1/validation-*
-  - split: test
-    path: piqa_Correct_the_solution_if_false_from_sol_1/test-*
-- config_name: piqa_Correct_the_solution_if_false_from_sol_2
-  data_files:
-  - split: train
-    path: piqa_Correct_the_solution_if_false_from_sol_2/train-*
-  - split: validation
-    path: piqa_Correct_the_solution_if_false_from_sol_2/validation-*
-  - split: test
-    path: piqa_Correct_the_solution_if_false_from_sol_2/test-*
-- config_name: piqa_Does_this_solution_make_sense_sol1
-  data_files:
-  - split: train
-    path: piqa_Does_this_solution_make_sense_sol1/train-*
-  - split: validation
-    path: piqa_Does_this_solution_make_sense_sol1/validation-*
-  - split: test
-    path: piqa_Does_this_solution_make_sense_sol1/test-*
-- config_name: piqa_Does_this_solution_make_sense_sol2
-  data_files:
-  - split: train
-    path: piqa_Does_this_solution_make_sense_sol2/train-*
-  - split: validation
-    path: piqa_Does_this_solution_make_sense_sol2/validation-*
-  - split: test
-    path: piqa_Does_this_solution_make_sense_sol2/test-*
-- config_name: piqa_choose_the_most_appropriate_solution
-  data_files:
-  - split: train
-    path: piqa_choose_the_most_appropriate_solution/train-*
-  - split: validation
-    path: piqa_choose_the_most_appropriate_solution/validation-*
-  - split: test
-    path: piqa_choose_the_most_appropriate_solution/test-*
-- config_name: piqa_finish_sentence_with_correct_choice
-  data_files:
-  - split: train
-    path: piqa_finish_sentence_with_correct_choice/train-*
-  - split: validation
-    path: piqa_finish_sentence_with_correct_choice/validation-*
-  - split: test
-    path: piqa_finish_sentence_with_correct_choice/test-*
-- config_name: piqa_no_prompt_needed
-  data_files:
-  - split: train
-    path: piqa_no_prompt_needed/train-*
-  - split: validation
-    path: piqa_no_prompt_needed/validation-*
-  - split: test
-    path: piqa_no_prompt_needed/test-*
-- config_name: piqa_pick_correct_choice_index
-  data_files:
-  - split: train
-    path: piqa_pick_correct_choice_index/train-*
-  - split: validation
-    path: piqa_pick_correct_choice_index/validation-*
-  - split: test
-    path: piqa_pick_correct_choice_index/test-*
-- config_name: piqa_pick_correct_choice_with_choice_given_before_goal
-  data_files:
-  - split: train
-    path: piqa_pick_correct_choice_with_choice_given_before_goal/train-*
-  - split: validation
-    path: piqa_pick_correct_choice_with_choice_given_before_goal/validation-*
-  - split: test
-    path: piqa_pick_correct_choice_with_choice_given_before_goal/test-*
-- config_name: piqa_what_is_the_correct_ending
-  data_files:
-  - split: train
-    path: piqa_what_is_the_correct_ending/train-*
-  - split: validation
-    path: piqa_what_is_the_correct_ending/validation-*
-  - split: test
-    path: piqa_what_is_the_correct_ending/test-*
-- config_name: qasc_is_correct_1
-  data_files:
-  - split: train
-    path: qasc_is_correct_1/train-*
-  - split: validation
-    path: qasc_is_correct_1/validation-*
-  - split: test
-    path: qasc_is_correct_1/test-*
-- config_name: qasc_is_correct_2
-  data_files:
-  - split: train
-    path: qasc_is_correct_2/train-*
-  - split: validation
-    path: qasc_is_correct_2/validation-*
-  - split: test
-    path: qasc_is_correct_2/test-*
-- config_name: qasc_qa_with_combined_facts_1
-  data_files:
-  - split: train
-    path: qasc_qa_with_combined_facts_1/train-*
-  - split: validation
-    path: qasc_qa_with_combined_facts_1/validation-*
-  - split: test
-    path: qasc_qa_with_combined_facts_1/test-*
-- config_name: qasc_qa_with_separated_facts_1
-  data_files:
-  - split: train
-    path: qasc_qa_with_separated_facts_1/train-*
-  - split: validation
-    path: qasc_qa_with_separated_facts_1/validation-*
-  - split: test
-    path: qasc_qa_with_separated_facts_1/test-*
-- config_name: qasc_qa_with_separated_facts_2
-  data_files:
-  - split: train
-    path: qasc_qa_with_separated_facts_2/train-*
-  - split: validation
-    path: qasc_qa_with_separated_facts_2/validation-*
-  - split: test
-    path: qasc_qa_with_separated_facts_2/test-*
-- config_name: qasc_qa_with_separated_facts_3
-  data_files:
-  - split: train
-    path: qasc_qa_with_separated_facts_3/train-*
-  - split: validation
-    path: qasc_qa_with_separated_facts_3/validation-*
-  - split: test
-    path: qasc_qa_with_separated_facts_3/test-*
-- config_name: qasc_qa_with_separated_facts_4
-  data_files:
-  - split: train
-    path: qasc_qa_with_separated_facts_4/train-*
-  - split: validation
-    path: qasc_qa_with_separated_facts_4/validation-*
-  - split: test
-    path: qasc_qa_with_separated_facts_4/test-*
-- config_name: qasc_qa_with_separated_facts_5
-  data_files:
-  - split: train
-    path: qasc_qa_with_separated_facts_5/train-*
-  - split: validation
-    path: qasc_qa_with_separated_facts_5/validation-*
-  - split: test
-    path: qasc_qa_with_separated_facts_5/test-*
-- config_name: quail_context_description_question_answer_id
-  data_files:
-  - split: train
-    path: quail_context_description_question_answer_id/train-*
-  - split: validation
-    path: quail_context_description_question_answer_id/validation-*
-  - split: challenge
-    path: quail_context_description_question_answer_id/challenge-*
-- config_name: quail_context_description_question_answer_text
-  data_files:
-  - split: train
-    path: quail_context_description_question_answer_text/train-*
-  - split: validation
-    path: quail_context_description_question_answer_text/validation-*
-  - split: challenge
-    path: quail_context_description_question_answer_text/challenge-*
-- config_name: quail_context_description_question_text
-  data_files:
-  - split: train
-    path: quail_context_description_question_text/train-*
-  - split: validation
-    path: quail_context_description_question_text/validation-*
-  - split: challenge
-    path: quail_context_description_question_text/challenge-*
-- config_name: quail_context_question_answer_description_id
-  data_files:
-  - split: train
-    path: quail_context_question_answer_description_id/train-*
-  - split: validation
-    path: quail_context_question_answer_description_id/validation-*
-  - split: challenge
-    path: quail_context_question_answer_description_id/challenge-*
-- config_name: quail_context_question_answer_description_text
-  data_files:
-  - split: train
-    path: quail_context_question_answer_description_text/train-*
-  - split: validation
-    path: quail_context_question_answer_description_text/validation-*
-  - split: challenge
-    path: quail_context_question_answer_description_text/challenge-*
-- config_name: quail_context_question_description_answer_id
-  data_files:
-  - split: train
-    path: quail_context_question_description_answer_id/train-*
-  - split: validation
-    path: quail_context_question_description_answer_id/validation-*
-  - split: challenge
-    path: quail_context_question_description_answer_id/challenge-*
-- config_name: quail_context_question_description_answer_text
-  data_files:
-  - split: train
-    path: quail_context_question_description_answer_text/train-*
-  - split: validation
-    path: quail_context_question_description_answer_text/validation-*
-  - split: challenge
-    path: quail_context_question_description_answer_text/challenge-*
-- config_name: quail_context_question_description_text
-  data_files:
-  - split: train
-    path: quail_context_question_description_text/train-*
-  - split: validation
-    path: quail_context_question_description_text/validation-*
-  - split: challenge
-    path: quail_context_question_description_text/challenge-*
-- config_name: quail_description_context_question_answer_id
-  data_files:
-  - split: train
-    path: quail_description_context_question_answer_id/train-*
-  - split: validation
-    path: quail_description_context_question_answer_id/validation-*
-  - split: challenge
-    path: quail_description_context_question_answer_id/challenge-*
-- config_name: quail_description_context_question_answer_text
-  data_files:
-  - split: train
-    path: quail_description_context_question_answer_text/train-*
-  - split: validation
-    path: quail_description_context_question_answer_text/validation-*
-  - split: challenge
-    path: quail_description_context_question_answer_text/challenge-*
-- config_name: quail_description_context_question_text
-  data_files:
-  - split: train
-    path: quail_description_context_question_text/train-*
-  - split: validation
-    path: quail_description_context_question_text/validation-*
-  - split: challenge
-    path: quail_description_context_question_text/challenge-*
-- config_name: quail_no_prompt_id
-  data_files:
-  - split: train
-    path: quail_no_prompt_id/train-*
-  - split: validation
-    path: quail_no_prompt_id/validation-*
-  - split: challenge
-    path: quail_no_prompt_id/challenge-*
-- config_name: quail_no_prompt_text
-  data_files:
-  - split: train
-    path: quail_no_prompt_text/train-*
-  - split: validation
-    path: quail_no_prompt_text/validation-*
-  - split: challenge
-    path: quail_no_prompt_text/challenge-*
-- config_name: quarel_choose_between
-  data_files:
-  - split: train
-    path: quarel_choose_between/train-*
-  - split: validation
-    path: quarel_choose_between/validation-*
-  - split: test
-    path: quarel_choose_between/test-*
-- config_name: quarel_do_not_use
-  data_files:
-  - split: train
-    path: quarel_do_not_use/train-*
-  - split: validation
-    path: quarel_do_not_use/validation-*
-  - split: test
-    path: quarel_do_not_use/test-*
-- config_name: quarel_heres_a_story
-  data_files:
-  - split: train
-    path: quarel_heres_a_story/train-*
-  - split: validation
-    path: quarel_heres_a_story/validation-*
-  - split: test
-    path: quarel_heres_a_story/test-*
-- config_name: quarel_logic_test
-  data_files:
-  - split: train
-    path: quarel_logic_test/train-*
-  - split: validation
-    path: quarel_logic_test/validation-*
-  - split: test
-    path: quarel_logic_test/test-*
-- config_name: quarel_testing_students
-  data_files:
-  - split: train
-    path: quarel_testing_students/train-*
-  - split: validation
-    path: quarel_testing_students/validation-*
-  - split: test
-    path: quarel_testing_students/test-*
-- config_name: quartz_answer_question_based_on
-  data_files:
-  - split: train
-    path: quartz_answer_question_based_on/train-*
-  - split: validation
-    path: quartz_answer_question_based_on/validation-*
-  - split: test
-    path: quartz_answer_question_based_on/test-*
-- config_name: quartz_answer_question_below
-  data_files:
-  - split: train
-    path: quartz_answer_question_below/train-*
-  - split: validation
-    path: quartz_answer_question_below/validation-*
-  - split: test
-    path: quartz_answer_question_below/test-*
-- config_name: quartz_given_the_fact_answer_the_q
-  data_files:
-  - split: train
-    path: quartz_given_the_fact_answer_the_q/train-*
-  - split: validation
-    path: quartz_given_the_fact_answer_the_q/validation-*
-  - split: test
-    path: quartz_given_the_fact_answer_the_q/test-*
-- config_name: quartz_having_read_above_passage
-  data_files:
-  - split: train
-    path: quartz_having_read_above_passage/train-*
-  - split: validation
-    path: quartz_having_read_above_passage/validation-*
-  - split: test
-    path: quartz_having_read_above_passage/test-*
-- config_name: quartz_paragraph_question_plain_concat
-  data_files:
-  - split: train
-    path: quartz_paragraph_question_plain_concat/train-*
-  - split: validation
-    path: quartz_paragraph_question_plain_concat/validation-*
-  - split: test
-    path: quartz_paragraph_question_plain_concat/test-*
-- config_name: quartz_read_passage_below_choose
-  data_files:
-  - split: train
-    path: quartz_read_passage_below_choose/train-*
-  - split: validation
-    path: quartz_read_passage_below_choose/validation-*
-  - split: test
-    path: quartz_read_passage_below_choose/test-*
-- config_name: quartz_use_info_from_paragraph_question
-  data_files:
-  - split: train
-    path: quartz_use_info_from_paragraph_question/train-*
-  - split: validation
-    path: quartz_use_info_from_paragraph_question/validation-*
-  - split: test
-    path: quartz_use_info_from_paragraph_question/test-*
-- config_name: quartz_use_info_from_question_paragraph
-  data_files:
-  - split: train
-    path: quartz_use_info_from_question_paragraph/train-*
-  - split: validation
-    path: quartz_use_info_from_question_paragraph/validation-*
-  - split: test
-    path: quartz_use_info_from_question_paragraph/test-*
-- config_name: quoref_Answer_Friend_Question
-  data_files:
-  - split: train
-    path: quoref_Answer_Friend_Question/train-*
-  - split: validation
-    path: quoref_Answer_Friend_Question/validation-*
-- config_name: quoref_Answer_Question_Given_Context
-  data_files:
-  - split: train
-    path: quoref_Answer_Question_Given_Context/train-*
-  - split: validation
-    path: quoref_Answer_Question_Given_Context/validation-*
-- config_name: quoref_Answer_Test
-  data_files:
-  - split: train
-    path: quoref_Answer_Test/train-*
-  - split: validation
-    path: quoref_Answer_Test/validation-*
-- config_name: quoref_Context_Contains_Answer
-  data_files:
-  - split: train
-    path: quoref_Context_Contains_Answer/train-*
-  - split: validation
-    path: quoref_Context_Contains_Answer/validation-*
-- config_name: quoref_Find_Answer
-  data_files:
-  - split: train
-    path: quoref_Find_Answer/train-*
-  - split: validation
-    path: quoref_Find_Answer/validation-*
-- config_name: quoref_Found_Context_Online
-  data_files:
-  - split: train
-    path: quoref_Found_Context_Online/train-*
-  - split: validation
-    path: quoref_Found_Context_Online/validation-*
-- config_name: quoref_Given_Context_Answer_Question
-  data_files:
-  - split: train
-    path: quoref_Given_Context_Answer_Question/train-*
-  - split: validation
-    path: quoref_Given_Context_Answer_Question/validation-*
-- config_name: quoref_Guess_Answer
-  data_files:
-  - split: train
-    path: quoref_Guess_Answer/train-*
-  - split: validation
-    path: quoref_Guess_Answer/validation-*
-- config_name: quoref_Guess_Title_For_Context
-  data_files:
-  - split: train
-    path: quoref_Guess_Title_For_Context/train-*
-  - split: validation
-    path: quoref_Guess_Title_For_Context/validation-*
-- config_name: quoref_Read_And_Extract_
-  data_files:
-  - split: train
-    path: quoref_Read_And_Extract_/train-*
-  - split: validation
-    path: quoref_Read_And_Extract_/validation-*
-- config_name: quoref_What_Is_The_Answer
-  data_files:
-  - split: train
-    path: quoref_What_Is_The_Answer/train-*
-  - split: validation
-    path: quoref_What_Is_The_Answer/validation-*
-- config_name: race_high_Is_this_the_right_answer
-  data_files:
-  - split: train
-    path: race_high_Is_this_the_right_answer/train-*
-  - split: validation
-    path: race_high_Is_this_the_right_answer/validation-*
-  - split: test
-    path: race_high_Is_this_the_right_answer/test-*
-- config_name: race_high_Read_the_article_and_answer_the_question_no_option_
-  data_files:
-  - split: train
-    path: race_high_Read_the_article_and_answer_the_question_no_option_/train-*
-  - split: validation
-    path: race_high_Read_the_article_and_answer_the_question_no_option_/validation-*
-  - split: test
-    path: race_high_Read_the_article_and_answer_the_question_no_option_/test-*
-- config_name: race_high_Select_the_best_answer
-  data_files:
-  - split: train
-    path: race_high_Select_the_best_answer/train-*
-  - split: validation
-    path: race_high_Select_the_best_answer/validation-*
-  - split: test
-    path: race_high_Select_the_best_answer/test-*
-- config_name: race_high_Select_the_best_answer_generate_span_
-  data_files:
-  - split: train
-    path: race_high_Select_the_best_answer_generate_span_/train-*
-  - split: validation
-    path: race_high_Select_the_best_answer_generate_span_/validation-*
-  - split: test
-    path: race_high_Select_the_best_answer_generate_span_/test-*
-- config_name: race_high_Select_the_best_answer_no_instructions_
-  data_files:
-  - split: train
-    path: race_high_Select_the_best_answer_no_instructions_/train-*
-  - split: validation
-    path: race_high_Select_the_best_answer_no_instructions_/validation-*
-  - split: test
-    path: race_high_Select_the_best_answer_no_instructions_/test-*
-- config_name: race_high_Taking_a_test
-  data_files:
-  - split: train
-    path: race_high_Taking_a_test/train-*
-  - split: validation
-    path: race_high_Taking_a_test/validation-*
-  - split: test
-    path: race_high_Taking_a_test/test-*
-- config_name: race_high_Write_a_multi_choice_question_for_the_following_article
-  data_files:
-  - split: train
-    path: race_high_Write_a_multi_choice_question_for_the_following_article/train-*
-  - split: validation
-    path: race_high_Write_a_multi_choice_question_for_the_following_article/validation-*
-  - split: test
-    path: race_high_Write_a_multi_choice_question_for_the_following_article/test-*
-- config_name: race_high_Write_a_multi_choice_question_options_given_
-  data_files:
-  - split: train
-    path: race_high_Write_a_multi_choice_question_options_given_/train-*
-  - split: validation
-    path: race_high_Write_a_multi_choice_question_options_given_/validation-*
-  - split: test
-    path: race_high_Write_a_multi_choice_question_options_given_/test-*
-- config_name: race_middle_Is_this_the_right_answer
-  data_files:
-  - split: train
-    path: race_middle_Is_this_the_right_answer/train-*
-  - split: validation
-    path: race_middle_Is_this_the_right_answer/validation-*
-  - split: test
-    path: race_middle_Is_this_the_right_answer/test-*
-- config_name: race_middle_Read_the_article_and_answer_the_question_no_option_
-  data_files:
-  - split: train
-    path: race_middle_Read_the_article_and_answer_the_question_no_option_/train-*
-  - split: validation
-    path: race_middle_Read_the_article_and_answer_the_question_no_option_/validation-*
-  - split: test
-    path: race_middle_Read_the_article_and_answer_the_question_no_option_/test-*
-- config_name: race_middle_Select_the_best_answer
-  data_files:
-  - split: train
-    path: race_middle_Select_the_best_answer/train-*
-  - split: validation
-    path: race_middle_Select_the_best_answer/validation-*
-  - split: test
-    path: race_middle_Select_the_best_answer/test-*
-- config_name: race_middle_Select_the_best_answer_generate_span_
-  data_files:
-  - split: train
-    path: race_middle_Select_the_best_answer_generate_span_/train-*
-  - split: validation
-    path: race_middle_Select_the_best_answer_generate_span_/validation-*
-  - split: test
-    path: race_middle_Select_the_best_answer_generate_span_/test-*
-- config_name: race_middle_Select_the_best_answer_no_instructions_
-  data_files:
-  - split: train
-    path: race_middle_Select_the_best_answer_no_instructions_/train-*
-  - split: validation
-    path: race_middle_Select_the_best_answer_no_instructions_/validation-*
-  - split: test
-    path: race_middle_Select_the_best_answer_no_instructions_/test-*
-- config_name: race_middle_Taking_a_test
-  data_files:
-  - split: train
-    path: race_middle_Taking_a_test/train-*
-  - split: validation
-    path: race_middle_Taking_a_test/validation-*
-  - split: test
-    path: race_middle_Taking_a_test/test-*
-- config_name: race_middle_Write_a_multi_choice_question_for_the_following_article
-  data_files:
-  - split: train
-    path: race_middle_Write_a_multi_choice_question_for_the_following_article/train-*
-  - split: validation
-    path: race_middle_Write_a_multi_choice_question_for_the_following_article/validation-*
-  - split: test
-    path: race_middle_Write_a_multi_choice_question_for_the_following_article/test-*
-- config_name: race_middle_Write_a_multi_choice_question_options_given_
-  data_files:
-  - split: train
-    path: race_middle_Write_a_multi_choice_question_options_given_/train-*
-  - split: validation
-    path: race_middle_Write_a_multi_choice_question_options_given_/validation-*
-  - split: test
-    path: race_middle_Write_a_multi_choice_question_options_given_/test-*
-- config_name: ropes_background_new_situation_answer
-  data_files:
-  - split: train
-    path: ropes_background_new_situation_answer/train-*
-  - split: validation
-    path: ropes_background_new_situation_answer/validation-*
-- config_name: ropes_background_situation_middle
-  data_files:
-  - split: train
-    path: ropes_background_situation_middle/train-*
-  - split: validation
-    path: ropes_background_situation_middle/validation-*
-- config_name: ropes_given_background_situation
-  data_files:
-  - split: train
-    path: ropes_given_background_situation/train-*
-  - split: validation
-    path: ropes_given_background_situation/validation-*
-- config_name: ropes_new_situation_background_answer
-  data_files:
-  - split: train
-    path: ropes_new_situation_background_answer/train-*
-  - split: validation
-    path: ropes_new_situation_background_answer/validation-*
-- config_name: ropes_plain_background_situation
-  data_files:
-  - split: train
-    path: ropes_plain_background_situation/train-*
-  - split: validation
-    path: ropes_plain_background_situation/validation-*
-- config_name: ropes_plain_bottom_hint
-  data_files:
-  - split: train
-    path: ropes_plain_bottom_hint/train-*
-  - split: validation
-    path: ropes_plain_bottom_hint/validation-*
-- config_name: ropes_plain_no_background
-  data_files:
-  - split: train
-    path: ropes_plain_no_background/train-*
-  - split: validation
-    path: ropes_plain_no_background/validation-*
-- config_name: ropes_prompt_beginning
-  data_files:
-  - split: train
-    path: ropes_prompt_beginning/train-*
-  - split: validation
-    path: ropes_prompt_beginning/validation-*
-- config_name: ropes_prompt_bottom_hint_beginning
-  data_files:
-  - split: train
-    path: ropes_prompt_bottom_hint_beginning/train-*
-  - split: validation
-    path: ropes_prompt_bottom_hint_beginning/validation-*
-- config_name: ropes_prompt_bottom_no_hint
-  data_files:
-  - split: train
-    path: ropes_prompt_bottom_no_hint/train-*
-  - split: validation
-    path: ropes_prompt_bottom_no_hint/validation-*
-- config_name: ropes_prompt_mix
-  data_files:
-  - split: train
-    path: ropes_prompt_mix/train-*
-  - split: validation
-    path: ropes_prompt_mix/validation-*
-- config_name: ropes_read_background_situation
-  data_files:
-  - split: train
-    path: ropes_read_background_situation/train-*
-  - split: validation
-    path: ropes_read_background_situation/validation-*
-- config_name: rotten_tomatoes_Movie_Expressed_Sentiment
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Movie_Expressed_Sentiment/train-*
-  - split: validation
-    path: rotten_tomatoes_Movie_Expressed_Sentiment/validation-*
-  - split: test
-    path: rotten_tomatoes_Movie_Expressed_Sentiment/test-*
-- config_name: rotten_tomatoes_Movie_Expressed_Sentiment_2
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Movie_Expressed_Sentiment_2/train-*
-  - split: validation
-    path: rotten_tomatoes_Movie_Expressed_Sentiment_2/validation-*
-  - split: test
-    path: rotten_tomatoes_Movie_Expressed_Sentiment_2/test-*
-- config_name: rotten_tomatoes_Reviewer_Enjoyment
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Reviewer_Enjoyment/train-*
-  - split: validation
-    path: rotten_tomatoes_Reviewer_Enjoyment/validation-*
-  - split: test
-    path: rotten_tomatoes_Reviewer_Enjoyment/test-*
-- config_name: rotten_tomatoes_Reviewer_Enjoyment_Yes_No
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Reviewer_Enjoyment_Yes_No/train-*
-  - split: validation
-    path: rotten_tomatoes_Reviewer_Enjoyment_Yes_No/validation-*
-  - split: test
-    path: rotten_tomatoes_Reviewer_Enjoyment_Yes_No/test-*
-- config_name: rotten_tomatoes_Reviewer_Expressed_Sentiment
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Reviewer_Expressed_Sentiment/train-*
-  - split: validation
-    path: rotten_tomatoes_Reviewer_Expressed_Sentiment/validation-*
-  - split: test
-    path: rotten_tomatoes_Reviewer_Expressed_Sentiment/test-*
-- config_name: rotten_tomatoes_Reviewer_Opinion_bad_good_choices
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Reviewer_Opinion_bad_good_choices/train-*
-  - split: validation
-    path: rotten_tomatoes_Reviewer_Opinion_bad_good_choices/validation-*
-  - split: test
-    path: rotten_tomatoes_Reviewer_Opinion_bad_good_choices/test-*
-- config_name: rotten_tomatoes_Reviewer_Sentiment_Feeling
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Reviewer_Sentiment_Feeling/train-*
-  - split: validation
-    path: rotten_tomatoes_Reviewer_Sentiment_Feeling/validation-*
-  - split: test
-    path: rotten_tomatoes_Reviewer_Sentiment_Feeling/test-*
-- config_name: rotten_tomatoes_Sentiment_with_choices_
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Sentiment_with_choices_/train-*
-  - split: validation
-    path: rotten_tomatoes_Sentiment_with_choices_/validation-*
-  - split: test
-    path: rotten_tomatoes_Sentiment_with_choices_/test-*
-- config_name: rotten_tomatoes_Text_Expressed_Sentiment
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Text_Expressed_Sentiment/train-*
-  - split: validation
-    path: rotten_tomatoes_Text_Expressed_Sentiment/validation-*
-  - split: test
-    path: rotten_tomatoes_Text_Expressed_Sentiment/test-*
-- config_name: rotten_tomatoes_Writer_Expressed_Sentiment
-  data_files:
-  - split: train
-    path: rotten_tomatoes_Writer_Expressed_Sentiment/train-*
-  - split: validation
-    path: rotten_tomatoes_Writer_Expressed_Sentiment/validation-*
-  - split: test
-    path: rotten_tomatoes_Writer_Expressed_Sentiment/test-*
-- config_name: samsum_Generate_a_summary_for_this_dialogue
-  data_files:
-  - split: train
-    path: samsum_Generate_a_summary_for_this_dialogue/train-*
-  - split: validation
-    path: samsum_Generate_a_summary_for_this_dialogue/validation-*
-  - split: test
-    path: samsum_Generate_a_summary_for_this_dialogue/test-*
-- config_name: samsum_Given_the_above_dialogue_write_a_summary
-  data_files:
-  - split: train
-    path: samsum_Given_the_above_dialogue_write_a_summary/train-*
-  - split: validation
-    path: samsum_Given_the_above_dialogue_write_a_summary/validation-*
-  - split: test
-    path: samsum_Given_the_above_dialogue_write_a_summary/test-*
-- config_name: samsum_Sum_up_the_following_dialogue
-  data_files:
-  - split: train
-    path: samsum_Sum_up_the_following_dialogue/train-*
-  - split: validation
-    path: samsum_Sum_up_the_following_dialogue/validation-*
-  - split: test
-    path: samsum_Sum_up_the_following_dialogue/test-*
-- config_name: samsum_Summarize_
-  data_files:
-  - split: train
-    path: samsum_Summarize_/train-*
-  - split: validation
-    path: samsum_Summarize_/validation-*
-  - split: test
-    path: samsum_Summarize_/test-*
-- config_name: samsum_Summarize_this_dialogue_
-  data_files:
-  - split: train
-    path: samsum_Summarize_this_dialogue_/train-*
-  - split: validation
-    path: samsum_Summarize_this_dialogue_/validation-*
-  - split: test
-    path: samsum_Summarize_this_dialogue_/test-*
-- config_name: samsum_To_sum_up_this_dialog
-  data_files:
-  - split: train
-    path: samsum_To_sum_up_this_dialog/train-*
-  - split: validation
-    path: samsum_To_sum_up_this_dialog/validation-*
-  - split: test
-    path: samsum_To_sum_up_this_dialog/test-*
-- config_name: samsum_Write_a_dialogue_that_match_this_summary
-  data_files:
-  - split: train
-    path: samsum_Write_a_dialogue_that_match_this_summary/train-*
-  - split: validation
-    path: samsum_Write_a_dialogue_that_match_this_summary/validation-*
-  - split: test
-    path: samsum_Write_a_dialogue_that_match_this_summary/test-*
-- config_name: sciq_Direct_Question
-  data_files:
-  - split: train
-    path: sciq_Direct_Question/train-*
-  - split: validation
-    path: sciq_Direct_Question/validation-*
-  - split: test
-    path: sciq_Direct_Question/test-*
-- config_name: sciq_Direct_Question_Closed_Book_
-  data_files:
-  - split: train
-    path: sciq_Direct_Question_Closed_Book_/train-*
-  - split: validation
-    path: sciq_Direct_Question_Closed_Book_/validation-*
-  - split: test
-    path: sciq_Direct_Question_Closed_Book_/test-*
-- config_name: sciq_Multiple_Choice
-  data_files:
-  - split: train
-    path: sciq_Multiple_Choice/train-*
-  - split: validation
-    path: sciq_Multiple_Choice/validation-*
-  - split: test
-    path: sciq_Multiple_Choice/test-*
-- config_name: sciq_Multiple_Choice_Closed_Book_
-  data_files:
-  - split: train
-    path: sciq_Multiple_Choice_Closed_Book_/train-*
-  - split: validation
-    path: sciq_Multiple_Choice_Closed_Book_/validation-*
-  - split: test
-    path: sciq_Multiple_Choice_Closed_Book_/test-*
-- config_name: sciq_Multiple_Choice_Question_First
-  data_files:
-  - split: train
-    path: sciq_Multiple_Choice_Question_First/train-*
-  - split: validation
-    path: sciq_Multiple_Choice_Question_First/validation-*
-  - split: test
-    path: sciq_Multiple_Choice_Question_First/test-*
-- config_name: social_i_qa_Check_if_a_random_answer_is_valid_or_not
-  data_files:
-  - split: train
-    path: social_i_qa_Check_if_a_random_answer_is_valid_or_not/train-*
-  - split: validation
-    path: social_i_qa_Check_if_a_random_answer_is_valid_or_not/validation-*
-- config_name: social_i_qa_Generate_answer
-  data_files:
-  - split: train
-    path: social_i_qa_Generate_answer/train-*
-  - split: validation
-    path: social_i_qa_Generate_answer/validation-*
-- config_name: social_i_qa_Generate_the_question_from_the_answer
-  data_files:
-  - split: train
-    path: social_i_qa_Generate_the_question_from_the_answer/train-*
-  - split: validation
-    path: social_i_qa_Generate_the_question_from_the_answer/validation-*
-- config_name: social_i_qa_I_was_wondering
-  data_files:
-  - split: train
-    path: social_i_qa_I_was_wondering/train-*
-  - split: validation
-    path: social_i_qa_I_was_wondering/validation-*
-- config_name: social_i_qa_Show_choices_and_generate_answer
-  data_files:
-  - split: train
-    path: social_i_qa_Show_choices_and_generate_answer/train-*
-  - split: validation
-    path: social_i_qa_Show_choices_and_generate_answer/validation-*
-- config_name: social_i_qa_Show_choices_and_generate_index
-  data_files:
-  - split: train
-    path: social_i_qa_Show_choices_and_generate_index/train-*
-  - split: validation
-    path: social_i_qa_Show_choices_and_generate_index/validation-*
-- config_name: squad_v2_Jeopardy_with_Context
-  data_files:
-  - split: train
-    path: squad_v2_Jeopardy_with_Context/train-*
-  - split: validation
-    path: squad_v2_Jeopardy_with_Context/validation-*
-- config_name: squad_v2_Jeopardy_without_Context
-  data_files:
-  - split: train
-    path: squad_v2_Jeopardy_without_Context/train-*
-  - split: validation
-    path: squad_v2_Jeopardy_without_Context/validation-*
-- config_name: squad_v2_Questions_with_Context
-  data_files:
-  - split: train
-    path: squad_v2_Questions_with_Context/train-*
-  - split: validation
-    path: squad_v2_Questions_with_Context/validation-*
-- config_name: squad_v2_Questions_with_Context_Without_Prompt_Keywords
-  data_files:
-  - split: train
-    path: squad_v2_Questions_with_Context_Without_Prompt_Keywords/train-*
-  - split: validation
-    path: squad_v2_Questions_with_Context_Without_Prompt_Keywords/validation-*
-- config_name: squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable
-  data_files:
-  - split: train
-    path: squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/train-*
-  - split: validation
-    path: squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/validation-*
-- config_name: squad_v2_Questions_with_Context_unanswerable
-  data_files:
-  - split: train
-    path: squad_v2_Questions_with_Context_unanswerable/train-*
-  - split: validation
-    path: squad_v2_Questions_with_Context_unanswerable/validation-*
-- config_name: squad_v2_Topic_Prediction_Context
-  data_files:
-  - split: train
-    path: squad_v2_Topic_Prediction_Context/train-*
-  - split: validation
-    path: squad_v2_Topic_Prediction_Context/validation-*
-- config_name: squad_v2_Topic_Prediction_Context_with_randomized_prompt_options
-  data_files:
-  - split: train
-    path: squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/train-*
-  - split: validation
-    path: squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/validation-*
-- config_name: squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end
-  data_files:
-  - split: train
-    path: squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/train-*
-  - split: validation
-    path: squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/validation-*
-- config_name: squad_v2_Topic_Prediction_Question_and_Answer_Pair
-  data_files:
-  - split: train
-    path: squad_v2_Topic_Prediction_Question_and_Answer_Pair/train-*
-  - split: validation
-    path: squad_v2_Topic_Prediction_Question_and_Answer_Pair/validation-*
-- config_name: squad_v2_Trivia
-  data_files:
-  - split: train
-    path: squad_v2_Trivia/train-*
-  - split: validation
-    path: squad_v2_Trivia/validation-*
-- config_name: squad_v2_Unanwerable_question
-  data_files:
-  - split: train
-    path: squad_v2_Unanwerable_question/train-*
-  - split: validation
-    path: squad_v2_Unanwerable_question/validation-*
-- config_name: super_glue_boolq_GPT_3_Style
-  data_files:
-  - split: train
-    path: super_glue_boolq_GPT_3_Style/train-*
-  - split: validation
-    path: super_glue_boolq_GPT_3_Style/validation-*
-  - split: test
-    path: super_glue_boolq_GPT_3_Style/test-*
-- config_name: super_glue_boolq_I_wonder_
-  data_files:
-  - split: train
-    path: super_glue_boolq_I_wonder_/train-*
-  - split: validation
-    path: super_glue_boolq_I_wonder_/validation-*
-  - split: test
-    path: super_glue_boolq_I_wonder_/test-*
-- config_name: super_glue_boolq_after_reading
-  data_files:
-  - split: train
-    path: super_glue_boolq_after_reading/train-*
-  - split: validation
-    path: super_glue_boolq_after_reading/validation-*
-  - split: test
-    path: super_glue_boolq_after_reading/test-*
-- config_name: super_glue_boolq_based_on_the_following_passage
-  data_files:
-  - split: train
-    path: super_glue_boolq_based_on_the_following_passage/train-*
-  - split: validation
-    path: super_glue_boolq_based_on_the_following_passage/validation-*
-  - split: test
-    path: super_glue_boolq_based_on_the_following_passage/test-*
-- config_name: super_glue_boolq_based_on_the_previous_passage
-  data_files:
-  - split: train
-    path: super_glue_boolq_based_on_the_previous_passage/train-*
-  - split: validation
-    path: super_glue_boolq_based_on_the_previous_passage/validation-*
-  - split: test
-    path: super_glue_boolq_based_on_the_previous_passage/test-*
-- config_name: super_glue_boolq_could_you_tell_me_
-  data_files:
-  - split: train
-    path: super_glue_boolq_could_you_tell_me_/train-*
-  - split: validation
-    path: super_glue_boolq_could_you_tell_me_/validation-*
-  - split: test
-    path: super_glue_boolq_could_you_tell_me_/test-*
-- config_name: super_glue_boolq_exam
-  data_files:
-  - split: train
-    path: super_glue_boolq_exam/train-*
-  - split: validation
-    path: super_glue_boolq_exam/validation-*
-  - split: test
-    path: super_glue_boolq_exam/test-*
-- config_name: super_glue_boolq_exercise
-  data_files:
-  - split: train
-    path: super_glue_boolq_exercise/train-*
-  - split: validation
-    path: super_glue_boolq_exercise/validation-*
-  - split: test
-    path: super_glue_boolq_exercise/test-*
-- config_name: super_glue_boolq_valid_binary
-  data_files:
-  - split: train
-    path: super_glue_boolq_valid_binary/train-*
-  - split: validation
-    path: super_glue_boolq_valid_binary/validation-*
-  - split: test
-    path: super_glue_boolq_valid_binary/test-*
-- config_name: super_glue_boolq_yes_no_question
-  data_files:
-  - split: train
-    path: super_glue_boolq_yes_no_question/train-*
-  - split: validation
-    path: super_glue_boolq_yes_no_question/validation-*
-  - split: test
-    path: super_glue_boolq_yes_no_question/test-*
-- config_name: super_glue_cb_GPT_3_style
-  data_files:
-  - split: train
-    path: super_glue_cb_GPT_3_style/train-*
-  - split: validation
-    path: super_glue_cb_GPT_3_style/validation-*
-  - split: test
-    path: super_glue_cb_GPT_3_style/test-*
-- config_name: super_glue_cb_GPT_3_style_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_GPT_3_style_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_GPT_3_style_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_GPT_3_style_score_eval/test-*
-- config_name: super_glue_cb_MNLI_crowdsource
-  data_files:
-  - split: train
-    path: super_glue_cb_MNLI_crowdsource/train-*
-  - split: validation
-    path: super_glue_cb_MNLI_crowdsource/validation-*
-  - split: test
-    path: super_glue_cb_MNLI_crowdsource/test-*
-- config_name: super_glue_cb_MNLI_crowdsource_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_MNLI_crowdsource_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_MNLI_crowdsource_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_MNLI_crowdsource_score_eval/test-*
-- config_name: super_glue_cb_always_sometimes_never
-  data_files:
-  - split: train
-    path: super_glue_cb_always_sometimes_never/train-*
-  - split: validation
-    path: super_glue_cb_always_sometimes_never/validation-*
-  - split: test
-    path: super_glue_cb_always_sometimes_never/test-*
-- config_name: super_glue_cb_always_sometimes_never_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_always_sometimes_never_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_always_sometimes_never_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_always_sometimes_never_score_eval/test-*
-- config_name: super_glue_cb_based_on_the_previous_passage
-  data_files:
-  - split: train
-    path: super_glue_cb_based_on_the_previous_passage/train-*
-  - split: validation
-    path: super_glue_cb_based_on_the_previous_passage/validation-*
-  - split: test
-    path: super_glue_cb_based_on_the_previous_passage/test-*
-- config_name: super_glue_cb_based_on_the_previous_passage_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_based_on_the_previous_passage_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_based_on_the_previous_passage_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_based_on_the_previous_passage_score_eval/test-*
-- config_name: super_glue_cb_can_we_infer
-  data_files:
-  - split: train
-    path: super_glue_cb_can_we_infer/train-*
-  - split: validation
-    path: super_glue_cb_can_we_infer/validation-*
-  - split: test
-    path: super_glue_cb_can_we_infer/test-*
-- config_name: super_glue_cb_can_we_infer_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_can_we_infer_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_can_we_infer_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_can_we_infer_score_eval/test-*
-- config_name: super_glue_cb_claim_true_false_inconclusive
-  data_files:
-  - split: train
-    path: super_glue_cb_claim_true_false_inconclusive/train-*
-  - split: validation
-    path: super_glue_cb_claim_true_false_inconclusive/validation-*
-  - split: test
-    path: super_glue_cb_claim_true_false_inconclusive/test-*
-- config_name: super_glue_cb_claim_true_false_inconclusive_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_claim_true_false_inconclusive_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_claim_true_false_inconclusive_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_claim_true_false_inconclusive_score_eval/test-*
-- config_name: super_glue_cb_consider_always_sometimes_never
-  data_files:
-  - split: train
-    path: super_glue_cb_consider_always_sometimes_never/train-*
-  - split: validation
-    path: super_glue_cb_consider_always_sometimes_never/validation-*
-  - split: test
-    path: super_glue_cb_consider_always_sometimes_never/test-*
-- config_name: super_glue_cb_consider_always_sometimes_never_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_consider_always_sometimes_never_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_consider_always_sometimes_never_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_consider_always_sometimes_never_score_eval/test-*
-- config_name: super_glue_cb_does_it_follow_that
-  data_files:
-  - split: train
-    path: super_glue_cb_does_it_follow_that/train-*
-  - split: validation
-    path: super_glue_cb_does_it_follow_that/validation-*
-  - split: test
-    path: super_glue_cb_does_it_follow_that/test-*
-- config_name: super_glue_cb_does_it_follow_that_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_does_it_follow_that_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_does_it_follow_that_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_does_it_follow_that_score_eval/test-*
-- config_name: super_glue_cb_does_this_imply
-  data_files:
-  - split: train
-    path: super_glue_cb_does_this_imply/train-*
-  - split: validation
-    path: super_glue_cb_does_this_imply/validation-*
-  - split: test
-    path: super_glue_cb_does_this_imply/test-*
-- config_name: super_glue_cb_does_this_imply_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_does_this_imply_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_does_this_imply_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_does_this_imply_score_eval/test-*
-- config_name: super_glue_cb_guaranteed_possible_impossible
-  data_files:
-  - split: train
-    path: super_glue_cb_guaranteed_possible_impossible/train-*
-  - split: validation
-    path: super_glue_cb_guaranteed_possible_impossible/validation-*
-  - split: test
-    path: super_glue_cb_guaranteed_possible_impossible/test-*
-- config_name: super_glue_cb_guaranteed_possible_impossible_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_guaranteed_possible_impossible_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_guaranteed_possible_impossible_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_guaranteed_possible_impossible_score_eval/test-*
-- config_name: super_glue_cb_guaranteed_true
-  data_files:
-  - split: train
-    path: super_glue_cb_guaranteed_true/train-*
-  - split: validation
-    path: super_glue_cb_guaranteed_true/validation-*
-  - split: test
-    path: super_glue_cb_guaranteed_true/test-*
-- config_name: super_glue_cb_guaranteed_true_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_guaranteed_true_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_guaranteed_true_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_guaranteed_true_score_eval/test-*
-- config_name: super_glue_cb_justified_in_saying
-  data_files:
-  - split: train
-    path: super_glue_cb_justified_in_saying/train-*
-  - split: validation
-    path: super_glue_cb_justified_in_saying/validation-*
-  - split: test
-    path: super_glue_cb_justified_in_saying/test-*
-- config_name: super_glue_cb_justified_in_saying_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_justified_in_saying_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_justified_in_saying_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_justified_in_saying_score_eval/test-*
-- config_name: super_glue_cb_must_be_true
-  data_files:
-  - split: train
-    path: super_glue_cb_must_be_true/train-*
-  - split: validation
-    path: super_glue_cb_must_be_true/validation-*
-  - split: test
-    path: super_glue_cb_must_be_true/test-*
-- config_name: super_glue_cb_must_be_true_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_must_be_true_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_must_be_true_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_must_be_true_score_eval/test-*
-- config_name: super_glue_cb_should_assume
-  data_files:
-  - split: train
-    path: super_glue_cb_should_assume/train-*
-  - split: validation
-    path: super_glue_cb_should_assume/validation-*
-  - split: test
-    path: super_glue_cb_should_assume/test-*
-- config_name: super_glue_cb_should_assume_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_should_assume_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_should_assume_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_should_assume_score_eval/test-*
-- config_name: super_glue_cb_take_the_following_as_truth
-  data_files:
-  - split: train
-    path: super_glue_cb_take_the_following_as_truth/train-*
-  - split: validation
-    path: super_glue_cb_take_the_following_as_truth/validation-*
-  - split: test
-    path: super_glue_cb_take_the_following_as_truth/test-*
-- config_name: super_glue_cb_take_the_following_as_truth_score_eval
-  data_files:
-  - split: train
-    path: super_glue_cb_take_the_following_as_truth_score_eval/train-*
-  - split: validation
-    path: super_glue_cb_take_the_following_as_truth_score_eval/validation-*
-  - split: test
-    path: super_glue_cb_take_the_following_as_truth_score_eval/test-*
-- config_name: super_glue_copa_C1_or_C2_premise_so_because_
-  data_files:
-  - split: train
-    path: super_glue_copa_C1_or_C2_premise_so_because_/train-*
-  - split: validation
-    path: super_glue_copa_C1_or_C2_premise_so_because_/validation-*
-  - split: test
-    path: super_glue_copa_C1_or_C2_premise_so_because_/test-*
-- config_name: super_glue_copa_C1_or_C2_premise_so_because__score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa_C1_or_C2_premise_so_because__score_eval/train-*
-  - split: validation
-    path: super_glue_copa_C1_or_C2_premise_so_because__score_eval/validation-*
-  - split: test
-    path: super_glue_copa_C1_or_C2_premise_so_because__score_eval/test-*
-- config_name: super_glue_copa__As_a_result_C1_or_C2_
-  data_files:
-  - split: train
-    path: super_glue_copa__As_a_result_C1_or_C2_/train-*
-  - split: validation
-    path: super_glue_copa__As_a_result_C1_or_C2_/validation-*
-  - split: test
-    path: super_glue_copa__As_a_result_C1_or_C2_/test-*
-- config_name: super_glue_copa__As_a_result_C1_or_C2__score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa__As_a_result_C1_or_C2__score_eval/train-*
-  - split: validation
-    path: super_glue_copa__As_a_result_C1_or_C2__score_eval/validation-*
-  - split: test
-    path: super_glue_copa__As_a_result_C1_or_C2__score_eval/test-*
-- config_name: super_glue_copa__What_could_happen_next_C1_or_C2_
-  data_files:
-  - split: train
-    path: super_glue_copa__What_could_happen_next_C1_or_C2_/train-*
-  - split: validation
-    path: super_glue_copa__What_could_happen_next_C1_or_C2_/validation-*
-  - split: test
-    path: super_glue_copa__What_could_happen_next_C1_or_C2_/test-*
-- config_name: super_glue_copa__What_could_happen_next_C1_or_C2__score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/train-*
-  - split: validation
-    path: super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/validation-*
-  - split: test
-    path: super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/test-*
-- config_name: super_glue_copa__which_may_be_caused_by
-  data_files:
-  - split: train
-    path: super_glue_copa__which_may_be_caused_by/train-*
-  - split: validation
-    path: super_glue_copa__which_may_be_caused_by/validation-*
-  - split: test
-    path: super_glue_copa__which_may_be_caused_by/test-*
-- config_name: super_glue_copa__which_may_be_caused_by_score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa__which_may_be_caused_by_score_eval/train-*
-  - split: validation
-    path: super_glue_copa__which_may_be_caused_by_score_eval/validation-*
-  - split: test
-    path: super_glue_copa__which_may_be_caused_by_score_eval/test-*
-- config_name: super_glue_copa__why_C1_or_C2
-  data_files:
-  - split: train
-    path: super_glue_copa__why_C1_or_C2/train-*
-  - split: validation
-    path: super_glue_copa__why_C1_or_C2/validation-*
-  - split: test
-    path: super_glue_copa__why_C1_or_C2/test-*
-- config_name: super_glue_copa__why_C1_or_C2_score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa__why_C1_or_C2_score_eval/train-*
-  - split: validation
-    path: super_glue_copa__why_C1_or_C2_score_eval/validation-*
-  - split: test
-    path: super_glue_copa__why_C1_or_C2_score_eval/test-*
-- config_name: super_glue_copa_best_option
-  data_files:
-  - split: train
-    path: super_glue_copa_best_option/train-*
-  - split: validation
-    path: super_glue_copa_best_option/validation-*
-  - split: test
-    path: super_glue_copa_best_option/test-*
-- config_name: super_glue_copa_best_option_score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa_best_option_score_eval/train-*
-  - split: validation
-    path: super_glue_copa_best_option_score_eval/validation-*
-  - split: test
-    path: super_glue_copa_best_option_score_eval/test-*
-- config_name: super_glue_copa_cause_effect
-  data_files:
-  - split: train
-    path: super_glue_copa_cause_effect/train-*
-  - split: validation
-    path: super_glue_copa_cause_effect/validation-*
-  - split: test
-    path: super_glue_copa_cause_effect/test-*
-- config_name: super_glue_copa_cause_effect_score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa_cause_effect_score_eval/train-*
-  - split: validation
-    path: super_glue_copa_cause_effect_score_eval/validation-*
-  - split: test
-    path: super_glue_copa_cause_effect_score_eval/test-*
-- config_name: super_glue_copa_choose
-  data_files:
-  - split: train
-    path: super_glue_copa_choose/train-*
-  - split: validation
-    path: super_glue_copa_choose/validation-*
-  - split: test
-    path: super_glue_copa_choose/test-*
-- config_name: super_glue_copa_choose_score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa_choose_score_eval/train-*
-  - split: validation
-    path: super_glue_copa_choose_score_eval/validation-*
-  - split: test
-    path: super_glue_copa_choose_score_eval/test-*
-- config_name: super_glue_copa_exercise
-  data_files:
-  - split: train
-    path: super_glue_copa_exercise/train-*
-  - split: validation
-    path: super_glue_copa_exercise/validation-*
-  - split: test
-    path: super_glue_copa_exercise/test-*
-- config_name: super_glue_copa_exercise_score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa_exercise_score_eval/train-*
-  - split: validation
-    path: super_glue_copa_exercise_score_eval/validation-*
-  - split: test
-    path: super_glue_copa_exercise_score_eval/test-*
-- config_name: super_glue_copa_i_am_hesitating
-  data_files:
-  - split: train
-    path: super_glue_copa_i_am_hesitating/train-*
-  - split: validation
-    path: super_glue_copa_i_am_hesitating/validation-*
-  - split: test
-    path: super_glue_copa_i_am_hesitating/test-*
-- config_name: super_glue_copa_i_am_hesitating_score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa_i_am_hesitating_score_eval/train-*
-  - split: validation
-    path: super_glue_copa_i_am_hesitating_score_eval/validation-*
-  - split: test
-    path: super_glue_copa_i_am_hesitating_score_eval/test-*
-- config_name: super_glue_copa_more_likely
-  data_files:
-  - split: train
-    path: super_glue_copa_more_likely/train-*
-  - split: validation
-    path: super_glue_copa_more_likely/validation-*
-  - split: test
-    path: super_glue_copa_more_likely/test-*
-- config_name: super_glue_copa_more_likely_score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa_more_likely_score_eval/train-*
-  - split: validation
-    path: super_glue_copa_more_likely_score_eval/validation-*
-  - split: test
-    path: super_glue_copa_more_likely_score_eval/test-*
-- config_name: super_glue_copa_plausible_alternatives
-  data_files:
-  - split: train
-    path: super_glue_copa_plausible_alternatives/train-*
-  - split: validation
-    path: super_glue_copa_plausible_alternatives/validation-*
-  - split: test
-    path: super_glue_copa_plausible_alternatives/test-*
-- config_name: super_glue_copa_plausible_alternatives_score_eval
-  data_files:
-  - split: train
-    path: super_glue_copa_plausible_alternatives_score_eval/train-*
-  - split: validation
-    path: super_glue_copa_plausible_alternatives_score_eval/validation-*
-  - split: test
-    path: super_glue_copa_plausible_alternatives_score_eval/test-*
-- config_name: super_glue_multirc_I_was_going_to_say_
-  data_files:
-  - split: train
-    path: super_glue_multirc_I_was_going_to_say_/train-*
-  - split: validation
-    path: super_glue_multirc_I_was_going_to_say_/validation-*
-  - split: test
-    path: super_glue_multirc_I_was_going_to_say_/test-*
-- config_name: super_glue_multirc_Would_it_be_good_to_answer_
-  data_files:
-  - split: train
-    path: super_glue_multirc_Would_it_be_good_to_answer_/train-*
-  - split: validation
-    path: super_glue_multirc_Would_it_be_good_to_answer_/validation-*
-  - split: test
-    path: super_glue_multirc_Would_it_be_good_to_answer_/test-*
-- config_name: super_glue_multirc_confirm
-  data_files:
-  - split: train
-    path: super_glue_multirc_confirm/train-*
-  - split: validation
-    path: super_glue_multirc_confirm/validation-*
-  - split: test
-    path: super_glue_multirc_confirm/test-*
-- config_name: super_glue_multirc_correct
-  data_files:
-  - split: train
-    path: super_glue_multirc_correct/train-*
-  - split: validation
-    path: super_glue_multirc_correct/validation-*
-  - split: test
-    path: super_glue_multirc_correct/test-*
-- config_name: super_glue_multirc_decide_valid
-  data_files:
-  - split: train
-    path: super_glue_multirc_decide_valid/train-*
-  - split: validation
-    path: super_glue_multirc_decide_valid/validation-*
-  - split: test
-    path: super_glue_multirc_decide_valid/test-*
-- config_name: super_glue_multirc_found_this_answer
-  data_files:
-  - split: train
-    path: super_glue_multirc_found_this_answer/train-*
-  - split: validation
-    path: super_glue_multirc_found_this_answer/validation-*
-  - split: test
-    path: super_glue_multirc_found_this_answer/test-*
-- config_name: super_glue_multirc_grading
-  data_files:
-  - split: train
-    path: super_glue_multirc_grading/train-*
-  - split: validation
-    path: super_glue_multirc_grading/validation-*
-  - split: test
-    path: super_glue_multirc_grading/test-*
-- config_name: super_glue_multirc_is_a_correct_answer_
-  data_files:
-  - split: train
-    path: super_glue_multirc_is_a_correct_answer_/train-*
-  - split: validation
-    path: super_glue_multirc_is_a_correct_answer_/validation-*
-  - split: test
-    path: super_glue_multirc_is_a_correct_answer_/test-*
-- config_name: super_glue_multirc_is_the_correct_answer_
-  data_files:
-  - split: train
-    path: super_glue_multirc_is_the_correct_answer_/train-*
-  - split: validation
-    path: super_glue_multirc_is_the_correct_answer_/validation-*
-  - split: test
-    path: super_glue_multirc_is_the_correct_answer_/test-*
-- config_name: super_glue_multirc_paragraph_question_is_it_
-  data_files:
-  - split: train
-    path: super_glue_multirc_paragraph_question_is_it_/train-*
-  - split: validation
-    path: super_glue_multirc_paragraph_question_is_it_/validation-*
-  - split: test
-    path: super_glue_multirc_paragraph_question_is_it_/test-*
-- config_name: super_glue_record_Add_sentence_after_after_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_Add_sentence_after_after_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_Add_sentence_after_after_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_Add_sentence_after_after_continuation_choices_/test-*
-- config_name: super_glue_record_Add_sentence_after_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_Add_sentence_after_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_Add_sentence_after_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_Add_sentence_after_continuation_choices_/test-*
-- config_name: super_glue_record_Can_you_figure_out_
-  data_files:
-  - split: train
-    path: super_glue_record_Can_you_figure_out_/train-*
-  - split: validation
-    path: super_glue_record_Can_you_figure_out_/validation-*
-  - split: test
-    path: super_glue_record_Can_you_figure_out_/test-*
-- config_name: super_glue_record_GPT_3_style_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_GPT_3_style_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_GPT_3_style_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_GPT_3_style_continuation_choices_/test-*
-- config_name: super_glue_record_GPT_3_style_summary_only_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_GPT_3_style_summary_only_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_GPT_3_style_summary_only_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_GPT_3_style_summary_only_continuation_choices_/test-*
-- config_name: super_glue_record_GPT_3_style_with_labels_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_GPT_3_style_with_labels_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_GPT_3_style_with_labels_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_GPT_3_style_with_labels_continuation_choices_/test-*
-- config_name: super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/test-*
-- config_name: super_glue_record_GPT_3_style_without_hyphens_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/test-*
-- config_name: super_glue_record_In_the_question_above_the_placeholder_stands_for
-  data_files:
-  - split: train
-    path: super_glue_record_In_the_question_above_the_placeholder_stands_for/train-*
-  - split: validation
-    path: super_glue_record_In_the_question_above_the_placeholder_stands_for/validation-*
-  - split: test
-    path: super_glue_record_In_the_question_above_the_placeholder_stands_for/test-*
-- config_name: super_glue_record_New_highlight_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_New_highlight_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_New_highlight_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_New_highlight_continuation_choices_/test-*
-- config_name: super_glue_record_News_article_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_News_article_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_News_article_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_News_article_continuation_choices_/test-*
-- config_name: super_glue_record_Summary_first_continuation_choices_
-  data_files:
-  - split: train
-    path: super_glue_record_Summary_first_continuation_choices_/train-*
-  - split: validation
-    path: super_glue_record_Summary_first_continuation_choices_/validation-*
-  - split: test
-    path: super_glue_record_Summary_first_continuation_choices_/test-*
-- config_name: super_glue_record_What_could_the_placeholder_be_
-  data_files:
-  - split: train
-    path: super_glue_record_What_could_the_placeholder_be_/train-*
-  - split: validation
-    path: super_glue_record_What_could_the_placeholder_be_/validation-*
-  - split: test
-    path: super_glue_record_What_could_the_placeholder_be_/test-*
-- config_name: super_glue_record_Which_one_is_the_placeholder_
-  data_files:
-  - split: train
-    path: super_glue_record_Which_one_is_the_placeholder_/train-*
-  - split: validation
-    path: super_glue_record_Which_one_is_the_placeholder_/validation-*
-  - split: test
-    path: super_glue_record_Which_one_is_the_placeholder_/test-*
-- config_name: super_glue_record_choose_between
-  data_files:
-  - split: train
-    path: super_glue_record_choose_between/train-*
-  - split: validation
-    path: super_glue_record_choose_between/validation-*
-  - split: test
-    path: super_glue_record_choose_between/test-*
-- config_name: super_glue_record_corrupted
-  data_files:
-  - split: train
-    path: super_glue_record_corrupted/train-*
-  - split: validation
-    path: super_glue_record_corrupted/validation-*
-  - split: test
-    path: super_glue_record_corrupted/test-*
-- config_name: super_glue_record_exercise
-  data_files:
-  - split: train
-    path: super_glue_record_exercise/train-*
-  - split: validation
-    path: super_glue_record_exercise/validation-*
-  - split: test
-    path: super_glue_record_exercise/test-*
-- config_name: super_glue_record_pick_one_option
-  data_files:
-  - split: train
-    path: super_glue_record_pick_one_option/train-*
-  - split: validation
-    path: super_glue_record_pick_one_option/validation-*
-  - split: test
-    path: super_glue_record_pick_one_option/test-*
-- config_name: super_glue_record_the_placeholder_refers_to_
-  data_files:
-  - split: train
-    path: super_glue_record_the_placeholder_refers_to_/train-*
-  - split: validation
-    path: super_glue_record_the_placeholder_refers_to_/validation-*
-  - split: test
-    path: super_glue_record_the_placeholder_refers_to_/test-*
-- config_name: super_glue_record_trying_to_decide
-  data_files:
-  - split: train
-    path: super_glue_record_trying_to_decide/train-*
-  - split: validation
-    path: super_glue_record_trying_to_decide/validation-*
-  - split: test
-    path: super_glue_record_trying_to_decide/test-*
-- config_name: super_glue_rte_GPT_3_style
-  data_files:
-  - split: train
-    path: super_glue_rte_GPT_3_style/train-*
-  - split: validation
-    path: super_glue_rte_GPT_3_style/validation-*
-  - split: test
-    path: super_glue_rte_GPT_3_style/test-*
-- config_name: super_glue_rte_GPT_3_style_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_GPT_3_style_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_GPT_3_style_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_GPT_3_style_score_eval/test-*
-- config_name: super_glue_rte_MNLI_crowdsource
-  data_files:
-  - split: train
-    path: super_glue_rte_MNLI_crowdsource/train-*
-  - split: validation
-    path: super_glue_rte_MNLI_crowdsource/validation-*
-  - split: test
-    path: super_glue_rte_MNLI_crowdsource/test-*
-- config_name: super_glue_rte_MNLI_crowdsource_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_MNLI_crowdsource_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_MNLI_crowdsource_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_MNLI_crowdsource_score_eval/test-*
-- config_name: super_glue_rte_based_on_the_previous_passage
-  data_files:
-  - split: train
-    path: super_glue_rte_based_on_the_previous_passage/train-*
-  - split: validation
-    path: super_glue_rte_based_on_the_previous_passage/validation-*
-  - split: test
-    path: super_glue_rte_based_on_the_previous_passage/test-*
-- config_name: super_glue_rte_based_on_the_previous_passage_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_based_on_the_previous_passage_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_based_on_the_previous_passage_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_based_on_the_previous_passage_score_eval/test-*
-- config_name: super_glue_rte_can_we_infer
-  data_files:
-  - split: train
-    path: super_glue_rte_can_we_infer/train-*
-  - split: validation
-    path: super_glue_rte_can_we_infer/validation-*
-  - split: test
-    path: super_glue_rte_can_we_infer/test-*
-- config_name: super_glue_rte_can_we_infer_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_can_we_infer_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_can_we_infer_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_can_we_infer_score_eval/test-*
-- config_name: super_glue_rte_does_it_follow_that
-  data_files:
-  - split: train
-    path: super_glue_rte_does_it_follow_that/train-*
-  - split: validation
-    path: super_glue_rte_does_it_follow_that/validation-*
-  - split: test
-    path: super_glue_rte_does_it_follow_that/test-*
-- config_name: super_glue_rte_does_it_follow_that_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_does_it_follow_that_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_does_it_follow_that_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_does_it_follow_that_score_eval/test-*
-- config_name: super_glue_rte_does_this_imply
-  data_files:
-  - split: train
-    path: super_glue_rte_does_this_imply/train-*
-  - split: validation
-    path: super_glue_rte_does_this_imply/validation-*
-  - split: test
-    path: super_glue_rte_does_this_imply/test-*
-- config_name: super_glue_rte_does_this_imply_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_does_this_imply_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_does_this_imply_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_does_this_imply_score_eval/test-*
-- config_name: super_glue_rte_guaranteed_true
-  data_files:
-  - split: train
-    path: super_glue_rte_guaranteed_true/train-*
-  - split: validation
-    path: super_glue_rte_guaranteed_true/validation-*
-  - split: test
-    path: super_glue_rte_guaranteed_true/test-*
-- config_name: super_glue_rte_guaranteed_true_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_guaranteed_true_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_guaranteed_true_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_guaranteed_true_score_eval/test-*
-- config_name: super_glue_rte_justified_in_saying
-  data_files:
-  - split: train
-    path: super_glue_rte_justified_in_saying/train-*
-  - split: validation
-    path: super_glue_rte_justified_in_saying/validation-*
-  - split: test
-    path: super_glue_rte_justified_in_saying/test-*
-- config_name: super_glue_rte_justified_in_saying_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_justified_in_saying_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_justified_in_saying_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_justified_in_saying_score_eval/test-*
-- config_name: super_glue_rte_must_be_true
-  data_files:
-  - split: train
-    path: super_glue_rte_must_be_true/train-*
-  - split: validation
-    path: super_glue_rte_must_be_true/validation-*
-  - split: test
-    path: super_glue_rte_must_be_true/test-*
-- config_name: super_glue_rte_must_be_true_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_must_be_true_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_must_be_true_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_must_be_true_score_eval/test-*
-- config_name: super_glue_rte_should_assume
-  data_files:
-  - split: train
-    path: super_glue_rte_should_assume/train-*
-  - split: validation
-    path: super_glue_rte_should_assume/validation-*
-  - split: test
-    path: super_glue_rte_should_assume/test-*
-- config_name: super_glue_rte_should_assume_score_eval
-  data_files:
-  - split: train
-    path: super_glue_rte_should_assume_score_eval/train-*
-  - split: validation
-    path: super_glue_rte_should_assume_score_eval/validation-*
-  - split: test
-    path: super_glue_rte_should_assume_score_eval/test-*
-- config_name: super_glue_wic_GPT_3_prompt
-  data_files:
-  - split: train
-    path: super_glue_wic_GPT_3_prompt/train-*
-  - split: validation
-    path: super_glue_wic_GPT_3_prompt/validation-*
-  - split: test
-    path: super_glue_wic_GPT_3_prompt/test-*
-- config_name: super_glue_wic_GPT_3_prompt_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_GPT_3_prompt_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_GPT_3_prompt_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_GPT_3_prompt_score_eval/test-*
-- config_name: super_glue_wic_GPT_3_prompt_with_label
-  data_files:
-  - split: train
-    path: super_glue_wic_GPT_3_prompt_with_label/train-*
-  - split: validation
-    path: super_glue_wic_GPT_3_prompt_with_label/validation-*
-  - split: test
-    path: super_glue_wic_GPT_3_prompt_with_label/test-*
-- config_name: super_glue_wic_GPT_3_prompt_with_label_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_GPT_3_prompt_with_label_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_GPT_3_prompt_with_label_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_GPT_3_prompt_with_label_score_eval/test-*
-- config_name: super_glue_wic_affirmation_true_or_false
-  data_files:
-  - split: train
-    path: super_glue_wic_affirmation_true_or_false/train-*
-  - split: validation
-    path: super_glue_wic_affirmation_true_or_false/validation-*
-  - split: test
-    path: super_glue_wic_affirmation_true_or_false/test-*
-- config_name: super_glue_wic_affirmation_true_or_false_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_affirmation_true_or_false_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_affirmation_true_or_false_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_affirmation_true_or_false_score_eval/test-*
-- config_name: super_glue_wic_grammar_homework
-  data_files:
-  - split: train
-    path: super_glue_wic_grammar_homework/train-*
-  - split: validation
-    path: super_glue_wic_grammar_homework/validation-*
-  - split: test
-    path: super_glue_wic_grammar_homework/test-*
-- config_name: super_glue_wic_grammar_homework_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_grammar_homework_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_grammar_homework_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_grammar_homework_score_eval/test-*
-- config_name: super_glue_wic_polysemous
-  data_files:
-  - split: train
-    path: super_glue_wic_polysemous/train-*
-  - split: validation
-    path: super_glue_wic_polysemous/validation-*
-  - split: test
-    path: super_glue_wic_polysemous/test-*
-- config_name: super_glue_wic_polysemous_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_polysemous_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_polysemous_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_polysemous_score_eval/test-*
-- config_name: super_glue_wic_question_context
-  data_files:
-  - split: train
-    path: super_glue_wic_question_context/train-*
-  - split: validation
-    path: super_glue_wic_question_context/validation-*
-  - split: test
-    path: super_glue_wic_question_context/test-*
-- config_name: super_glue_wic_question_context_meaning
-  data_files:
-  - split: train
-    path: super_glue_wic_question_context_meaning/train-*
-  - split: validation
-    path: super_glue_wic_question_context_meaning/validation-*
-  - split: test
-    path: super_glue_wic_question_context_meaning/test-*
-- config_name: super_glue_wic_question_context_meaning_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_question_context_meaning_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_question_context_meaning_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_question_context_meaning_score_eval/test-*
-- config_name: super_glue_wic_question_context_meaning_with_label
-  data_files:
-  - split: train
-    path: super_glue_wic_question_context_meaning_with_label/train-*
-  - split: validation
-    path: super_glue_wic_question_context_meaning_with_label/validation-*
-  - split: test
-    path: super_glue_wic_question_context_meaning_with_label/test-*
-- config_name: super_glue_wic_question_context_meaning_with_label_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_question_context_meaning_with_label_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_question_context_meaning_with_label_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_question_context_meaning_with_label_score_eval/test-*
-- config_name: super_glue_wic_question_context_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_question_context_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_question_context_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_question_context_score_eval/test-*
-- config_name: super_glue_wic_same_sense
-  data_files:
-  - split: train
-    path: super_glue_wic_same_sense/train-*
-  - split: validation
-    path: super_glue_wic_same_sense/validation-*
-  - split: test
-    path: super_glue_wic_same_sense/test-*
-- config_name: super_glue_wic_same_sense_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_same_sense_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_same_sense_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_same_sense_score_eval/test-*
-- config_name: super_glue_wic_similar_sense
-  data_files:
-  - split: train
-    path: super_glue_wic_similar_sense/train-*
-  - split: validation
-    path: super_glue_wic_similar_sense/validation-*
-  - split: test
-    path: super_glue_wic_similar_sense/test-*
-- config_name: super_glue_wic_similar_sense_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wic_similar_sense_score_eval/train-*
-  - split: validation
-    path: super_glue_wic_similar_sense_score_eval/validation-*
-  - split: test
-    path: super_glue_wic_similar_sense_score_eval/test-*
-- config_name: super_glue_wsc.fixed_GPT_3_Style
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_GPT_3_Style/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_GPT_3_Style/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_GPT_3_Style/test-*
-- config_name: super_glue_wsc.fixed_GPT_3_Style_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_GPT_3_Style_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_GPT_3_Style_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_GPT_3_Style_score_eval/test-*
-- config_name: super_glue_wsc.fixed_I_think_they_mean
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_I_think_they_mean/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_I_think_they_mean/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_I_think_they_mean/test-*
-- config_name: super_glue_wsc.fixed_I_think_they_mean_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_I_think_they_mean_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_I_think_they_mean_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_I_think_they_mean_score_eval/test-*
-- config_name: super_glue_wsc.fixed_Who_or_what_is_are
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_Who_or_what_is_are/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_Who_or_what_is_are/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_Who_or_what_is_are/test-*
-- config_name: super_glue_wsc.fixed_Who_or_what_is_are_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_Who_or_what_is_are_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_Who_or_what_is_are_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_Who_or_what_is_are_score_eval/test-*
-- config_name: super_glue_wsc.fixed_by_p_they_mean
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_by_p_they_mean/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_by_p_they_mean/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_by_p_they_mean/test-*
-- config_name: super_glue_wsc.fixed_by_p_they_mean_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_by_p_they_mean_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_by_p_they_mean_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_by_p_they_mean_score_eval/test-*
-- config_name: super_glue_wsc.fixed_does_p_stand_for
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_does_p_stand_for/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_does_p_stand_for/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_does_p_stand_for/test-*
-- config_name: super_glue_wsc.fixed_does_p_stand_for_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_does_p_stand_for_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_does_p_stand_for_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_does_p_stand_for_score_eval/test-*
-- config_name: super_glue_wsc.fixed_does_the_pronoun_refer_to
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_does_the_pronoun_refer_to/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_does_the_pronoun_refer_to/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_does_the_pronoun_refer_to/test-*
-- config_name: super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/test-*
-- config_name: super_glue_wsc.fixed_in_other_words
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_in_other_words/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_in_other_words/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_in_other_words/test-*
-- config_name: super_glue_wsc.fixed_in_other_words_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_in_other_words_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_in_other_words_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_in_other_words_score_eval/test-*
-- config_name: super_glue_wsc.fixed_p_is_are_r
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_p_is_are_r/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_p_is_are_r/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_p_is_are_r/test-*
-- config_name: super_glue_wsc.fixed_p_is_are_r_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_p_is_are_r_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_p_is_are_r_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_p_is_are_r_score_eval/test-*
-- config_name: super_glue_wsc.fixed_replaced_with
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_replaced_with/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_replaced_with/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_replaced_with/test-*
-- config_name: super_glue_wsc.fixed_replaced_with_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_replaced_with_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_replaced_with_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_replaced_with_score_eval/test-*
-- config_name: super_glue_wsc.fixed_the_pronoun_refers_to
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_the_pronoun_refers_to/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_the_pronoun_refers_to/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_the_pronoun_refers_to/test-*
-- config_name: super_glue_wsc.fixed_the_pronoun_refers_to_score_eval
-  data_files:
-  - split: train
-    path: super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/train-*
-  - split: validation
-    path: super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/validation-*
-  - split: test
-    path: super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/test-*
-- config_name: trec_fine_grained_ABBR
-  data_files:
-  - split: train
-    path: trec_fine_grained_ABBR/train-*
-  - split: test
-    path: trec_fine_grained_ABBR/test-*
-- config_name: trec_fine_grained_ABBR_context_first
-  data_files:
-  - split: train
-    path: trec_fine_grained_ABBR_context_first/train-*
-  - split: test
-    path: trec_fine_grained_ABBR_context_first/test-*
-- config_name: trec_fine_grained_DESC
-  data_files:
-  - split: train
-    path: trec_fine_grained_DESC/train-*
-  - split: test
-    path: trec_fine_grained_DESC/test-*
-- config_name: trec_fine_grained_DESC_context_first
-  data_files:
-  - split: train
-    path: trec_fine_grained_DESC_context_first/train-*
-  - split: test
-    path: trec_fine_grained_DESC_context_first/test-*
-- config_name: trec_fine_grained_ENTY
-  data_files:
-  - split: train
-    path: trec_fine_grained_ENTY/train-*
-  - split: test
-    path: trec_fine_grained_ENTY/test-*
-- config_name: trec_fine_grained_HUM
-  data_files:
-  - split: train
-    path: trec_fine_grained_HUM/train-*
-  - split: test
-    path: trec_fine_grained_HUM/test-*
-- config_name: trec_fine_grained_HUM_context_first
-  data_files:
-  - split: train
-    path: trec_fine_grained_HUM_context_first/train-*
-  - split: test
-    path: trec_fine_grained_HUM_context_first/test-*
-- config_name: trec_fine_grained_LOC
-  data_files:
-  - split: train
-    path: trec_fine_grained_LOC/train-*
-  - split: test
-    path: trec_fine_grained_LOC/test-*
-- config_name: trec_fine_grained_LOC_context_first
-  data_files:
-  - split: train
-    path: trec_fine_grained_LOC_context_first/train-*
-  - split: test
-    path: trec_fine_grained_LOC_context_first/test-*
-- config_name: trec_fine_grained_NUM
-  data_files:
-  - split: train
-    path: trec_fine_grained_NUM/train-*
-  - split: test
-    path: trec_fine_grained_NUM/test-*
-- config_name: trec_fine_grained_NUM_context_first
-  data_files:
-  - split: train
-    path: trec_fine_grained_NUM_context_first/train-*
-  - split: test
-    path: trec_fine_grained_NUM_context_first/test-*
-- config_name: trec_fine_grained_open
-  data_files:
-  - split: train
-    path: trec_fine_grained_open/train-*
-  - split: test
-    path: trec_fine_grained_open/test-*
-- config_name: trec_fine_grained_open_context_first
-  data_files:
-  - split: train
-    path: trec_fine_grained_open_context_first/train-*
-  - split: test
-    path: trec_fine_grained_open_context_first/test-*
-- config_name: trec_pick_the_best_descriptor
-  data_files:
-  - split: train
-    path: trec_pick_the_best_descriptor/train-*
-  - split: test
-    path: trec_pick_the_best_descriptor/test-*
-- config_name: trec_trec1
-  data_files:
-  - split: train
-    path: trec_trec1/train-*
-  - split: test
-    path: trec_trec1/test-*
-- config_name: trec_trec2
-  data_files:
-  - split: train
-    path: trec_trec2/train-*
-  - split: test
-    path: trec_trec2/test-*
-- config_name: trec_what_category_best_describe
-  data_files:
-  - split: train
-    path: trec_what_category_best_describe/train-*
-  - split: test
-    path: trec_what_category_best_describe/test-*
-- config_name: trec_which_category_best_describes
-  data_files:
-  - split: train
-    path: trec_which_category_best_describes/train-*
-  - split: test
-    path: trec_which_category_best_describes/test-*
-- config_name: trivia_qa_unfiltered_first_person_context
-  data_files:
-  - split: train
-    path: trivia_qa_unfiltered_first_person_context/train-*
-  - split: validation
-    path: trivia_qa_unfiltered_first_person_context/validation-*
-  - split: test
-    path: trivia_qa_unfiltered_first_person_context/test-*
-- config_name: trivia_qa_unfiltered_formal_description
-  data_files:
-  - split: train
-    path: trivia_qa_unfiltered_formal_description/train-*
-  - split: validation
-    path: trivia_qa_unfiltered_formal_description/validation-*
-  - split: test
-    path: trivia_qa_unfiltered_formal_description/test-*
-- config_name: trivia_qa_unfiltered_guess_question
-  data_files:
-  - split: train
-    path: trivia_qa_unfiltered_guess_question/train-*
-  - split: validation
-    path: trivia_qa_unfiltered_guess_question/validation-*
-- config_name: trivia_qa_unfiltered_question_answer
-  data_files:
-  - split: train
-    path: trivia_qa_unfiltered_question_answer/train-*
-  - split: validation
-    path: trivia_qa_unfiltered_question_answer/validation-*
-  - split: test
-    path: trivia_qa_unfiltered_question_answer/test-*
-- config_name: trivia_qa_unfiltered_question_with_instruction
-  data_files:
-  - split: train
-    path: trivia_qa_unfiltered_question_with_instruction/train-*
-  - split: validation
-    path: trivia_qa_unfiltered_question_with_instruction/validation-*
-  - split: test
-    path: trivia_qa_unfiltered_question_with_instruction/test-*
-- config_name: web_questions_get_the_answer
-  data_files:
-  - split: train
-    path: web_questions_get_the_answer/train-*
-  - split: test
-    path: web_questions_get_the_answer/test-*
-- config_name: web_questions_potential_correct_answer
-  data_files:
-  - split: train
-    path: web_questions_potential_correct_answer/train-*
-  - split: test
-    path: web_questions_potential_correct_answer/test-*
-- config_name: web_questions_question_answer
-  data_files:
-  - split: train
-    path: web_questions_question_answer/train-*
-  - split: test
-    path: web_questions_question_answer/test-*
-- config_name: web_questions_short_general_knowledge_q
-  data_files:
-  - split: train
-    path: web_questions_short_general_knowledge_q/train-*
-  - split: test
-    path: web_questions_short_general_knowledge_q/test-*
-- config_name: web_questions_whats_the_answer
-  data_files:
-  - split: train
-    path: web_questions_whats_the_answer/train-*
-  - split: test
-    path: web_questions_whats_the_answer/test-*
-- config_name: wiki_bio_comprehension
-  data_files:
-  - split: train
-    path: wiki_bio_comprehension/train-*
-  - split: test
-    path: wiki_bio_comprehension/test-*
-  - split: val
-    path: wiki_bio_comprehension/val-*
-- config_name: wiki_bio_guess_person
-  data_files:
-  - split: train
-    path: wiki_bio_guess_person/train-*
-  - split: test
-    path: wiki_bio_guess_person/test-*
-  - split: val
-    path: wiki_bio_guess_person/val-*
-- config_name: wiki_bio_key_content
-  data_files:
-  - split: train
-    path: wiki_bio_key_content/train-*
-  - split: test
-    path: wiki_bio_key_content/test-*
-  - split: val
-    path: wiki_bio_key_content/val-*
-- config_name: wiki_bio_what_content
-  data_files:
-  - split: train
-    path: wiki_bio_what_content/train-*
-  - split: test
-    path: wiki_bio_what_content/test-*
-  - split: val
-    path: wiki_bio_what_content/val-*
-- config_name: wiki_bio_who
-  data_files:
-  - split: train
-    path: wiki_bio_who/train-*
-  - split: test
-    path: wiki_bio_who/test-*
-  - split: val
-    path: wiki_bio_who/val-*
-- config_name: wiki_hop_original_choose_best_object_affirmative_1
-  data_files:
-  - split: train
-    path: wiki_hop_original_choose_best_object_affirmative_1/train-*
-  - split: validation
-    path: wiki_hop_original_choose_best_object_affirmative_1/validation-*
-- config_name: wiki_hop_original_choose_best_object_affirmative_2
-  data_files:
-  - split: train
-    path: wiki_hop_original_choose_best_object_affirmative_2/train-*
-  - split: validation
-    path: wiki_hop_original_choose_best_object_affirmative_2/validation-*
-- config_name: wiki_hop_original_choose_best_object_affirmative_3
-  data_files:
-  - split: train
-    path: wiki_hop_original_choose_best_object_affirmative_3/train-*
-  - split: validation
-    path: wiki_hop_original_choose_best_object_affirmative_3/validation-*
-- config_name: wiki_hop_original_choose_best_object_interrogative_1
-  data_files:
-  - split: train
-    path: wiki_hop_original_choose_best_object_interrogative_1/train-*
-  - split: validation
-    path: wiki_hop_original_choose_best_object_interrogative_1/validation-*
-- config_name: wiki_hop_original_choose_best_object_interrogative_2
-  data_files:
-  - split: train
-    path: wiki_hop_original_choose_best_object_interrogative_2/train-*
-  - split: validation
-    path: wiki_hop_original_choose_best_object_interrogative_2/validation-*
-- config_name: wiki_hop_original_explain_relation
-  data_files:
-  - split: train
-    path: wiki_hop_original_explain_relation/train-*
-  - split: validation
-    path: wiki_hop_original_explain_relation/validation-*
-- config_name: wiki_hop_original_generate_object
-  data_files:
-  - split: train
-    path: wiki_hop_original_generate_object/train-*
-  - split: validation
-    path: wiki_hop_original_generate_object/validation-*
-- config_name: wiki_hop_original_generate_subject
-  data_files:
-  - split: train
-    path: wiki_hop_original_generate_subject/train-*
-  - split: validation
-    path: wiki_hop_original_generate_subject/validation-*
-- config_name: wiki_hop_original_generate_subject_and_object
-  data_files:
-  - split: train
-    path: wiki_hop_original_generate_subject_and_object/train-*
-  - split: validation
-    path: wiki_hop_original_generate_subject_and_object/validation-*
-- config_name: wiki_qa_Decide_good_answer
-  data_files:
-  - split: train
-    path: wiki_qa_Decide_good_answer/train-*
-  - split: validation
-    path: wiki_qa_Decide_good_answer/validation-*
-  - split: test
-    path: wiki_qa_Decide_good_answer/test-*
-- config_name: wiki_qa_Direct_Answer_to_Question
-  data_files:
-  - split: train
-    path: wiki_qa_Direct_Answer_to_Question/train-*
-  - split: validation
-    path: wiki_qa_Direct_Answer_to_Question/validation-*
-  - split: test
-    path: wiki_qa_Direct_Answer_to_Question/test-*
-- config_name: wiki_qa_Generate_Question_from_Topic
-  data_files:
-  - split: train
-    path: wiki_qa_Generate_Question_from_Topic/train-*
-  - split: validation
-    path: wiki_qa_Generate_Question_from_Topic/validation-*
-  - split: test
-    path: wiki_qa_Generate_Question_from_Topic/test-*
-- config_name: wiki_qa_Is_This_True_
-  data_files:
-  - split: train
-    path: wiki_qa_Is_This_True_/train-*
-  - split: validation
-    path: wiki_qa_Is_This_True_/validation-*
-  - split: test
-    path: wiki_qa_Is_This_True_/test-*
-- config_name: wiki_qa_Jeopardy_style
-  data_files:
-  - split: train
-    path: wiki_qa_Jeopardy_style/train-*
-  - split: validation
-    path: wiki_qa_Jeopardy_style/validation-*
-  - split: test
-    path: wiki_qa_Jeopardy_style/test-*
-- config_name: wiki_qa_Topic_Prediction_Answer_Only
-  data_files:
-  - split: train
-    path: wiki_qa_Topic_Prediction_Answer_Only/train-*
-  - split: validation
-    path: wiki_qa_Topic_Prediction_Answer_Only/validation-*
-  - split: test
-    path: wiki_qa_Topic_Prediction_Answer_Only/test-*
-- config_name: wiki_qa_Topic_Prediction_Question_Only
-  data_files:
-  - split: train
-    path: wiki_qa_Topic_Prediction_Question_Only/train-*
-  - split: validation
-    path: wiki_qa_Topic_Prediction_Question_Only/validation-*
-  - split: test
-    path: wiki_qa_Topic_Prediction_Question_Only/test-*
-- config_name: wiki_qa_Topic_Prediction_Question_and_Answer_Pair
-  data_files:
-  - split: train
-    path: wiki_qa_Topic_Prediction_Question_and_Answer_Pair/train-*
-  - split: validation
-    path: wiki_qa_Topic_Prediction_Question_and_Answer_Pair/validation-*
-  - split: test
-    path: wiki_qa_Topic_Prediction_Question_and_Answer_Pair/test-*
-- config_name: wiki_qa_automatic_system
-  data_files:
-  - split: train
-    path: wiki_qa_automatic_system/train-*
-  - split: validation
-    path: wiki_qa_automatic_system/validation-*
-  - split: test
-    path: wiki_qa_automatic_system/test-*
-- config_name: wiki_qa_exercise
-  data_files:
-  - split: train
-    path: wiki_qa_exercise/train-*
-  - split: validation
-    path: wiki_qa_exercise/validation-*
-  - split: test
-    path: wiki_qa_exercise/test-*
-- config_name: wiki_qa_found_on_google
-  data_files:
-  - split: train
-    path: wiki_qa_found_on_google/train-*
-  - split: validation
-    path: wiki_qa_found_on_google/validation-*
-  - split: test
-    path: wiki_qa_found_on_google/test-*
-- config_name: winogrande_winogrande_debiased_Replace
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_Replace/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_Replace/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_Replace/test-*
-- config_name: winogrande_winogrande_debiased_Replace_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_Replace_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_Replace_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_Replace_score_eval/test-*
-- config_name: winogrande_winogrande_debiased_does_underscore_refer_to
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_does_underscore_refer_to/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_does_underscore_refer_to/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_does_underscore_refer_to/test-*
-- config_name: winogrande_winogrande_debiased_does_underscore_refer_to_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/test-*
-- config_name: winogrande_winogrande_debiased_fill_in_the_blank
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_fill_in_the_blank/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_fill_in_the_blank/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_fill_in_the_blank/test-*
-- config_name: winogrande_winogrande_debiased_fill_in_the_blank_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_fill_in_the_blank_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_fill_in_the_blank_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_fill_in_the_blank_score_eval/test-*
-- config_name: winogrande_winogrande_debiased_stand_for
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_stand_for/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_stand_for/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_stand_for/test-*
-- config_name: winogrande_winogrande_debiased_stand_for_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_stand_for_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_stand_for_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_stand_for_score_eval/test-*
-- config_name: winogrande_winogrande_debiased_underscore_refer_to
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_underscore_refer_to/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_underscore_refer_to/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_underscore_refer_to/test-*
-- config_name: winogrande_winogrande_debiased_underscore_refer_to_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_debiased_underscore_refer_to_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_debiased_underscore_refer_to_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_debiased_underscore_refer_to_score_eval/test-*
-- config_name: winogrande_winogrande_xl_Replace
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_Replace/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_Replace/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_Replace/test-*
-- config_name: winogrande_winogrande_xl_Replace_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_Replace_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_Replace_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_Replace_score_eval/test-*
-- config_name: winogrande_winogrande_xl_does_underscore_refer_to
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_does_underscore_refer_to/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_does_underscore_refer_to/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_does_underscore_refer_to/test-*
-- config_name: winogrande_winogrande_xl_does_underscore_refer_to_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_does_underscore_refer_to_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_does_underscore_refer_to_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_does_underscore_refer_to_score_eval/test-*
-- config_name: winogrande_winogrande_xl_fill_in_the_blank
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_fill_in_the_blank/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_fill_in_the_blank/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_fill_in_the_blank/test-*
-- config_name: winogrande_winogrande_xl_fill_in_the_blank_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_fill_in_the_blank_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_fill_in_the_blank_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_fill_in_the_blank_score_eval/test-*
-- config_name: winogrande_winogrande_xl_stand_for
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_stand_for/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_stand_for/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_stand_for/test-*
-- config_name: winogrande_winogrande_xl_stand_for_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_stand_for_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_stand_for_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_stand_for_score_eval/test-*
-- config_name: winogrande_winogrande_xl_underscore_refer_to
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_underscore_refer_to/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_underscore_refer_to/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_underscore_refer_to/test-*
-- config_name: winogrande_winogrande_xl_underscore_refer_to_score_eval
-  data_files:
-  - split: train
-    path: winogrande_winogrande_xl_underscore_refer_to_score_eval/train-*
-  - split: validation
-    path: winogrande_winogrande_xl_underscore_refer_to_score_eval/validation-*
-  - split: test
-    path: winogrande_winogrande_xl_underscore_refer_to_score_eval/test-*
-- config_name: wiqa_does_the_supposed_perturbation_have_an_effect
-  data_files:
-  - split: train
-    path: wiqa_does_the_supposed_perturbation_have_an_effect/train-*
-  - split: validation
-    path: wiqa_does_the_supposed_perturbation_have_an_effect/validation-*
-  - split: test
-    path: wiqa_does_the_supposed_perturbation_have_an_effect/test-*
-- config_name: wiqa_effect_with_label_answer
-  data_files:
-  - split: train
-    path: wiqa_effect_with_label_answer/train-*
-  - split: validation
-    path: wiqa_effect_with_label_answer/validation-*
-  - split: test
-    path: wiqa_effect_with_label_answer/test-*
-- config_name: wiqa_effect_with_string_answer
-  data_files:
-  - split: train
-    path: wiqa_effect_with_string_answer/train-*
-  - split: validation
-    path: wiqa_effect_with_string_answer/validation-*
-  - split: test
-    path: wiqa_effect_with_string_answer/test-*
-- config_name: wiqa_what_is_the_final_step_of_the_following_process
-  data_files:
-  - split: train
-    path: wiqa_what_is_the_final_step_of_the_following_process/train-*
-  - split: validation
-    path: wiqa_what_is_the_final_step_of_the_following_process/validation-*
-  - split: test
-    path: wiqa_what_is_the_final_step_of_the_following_process/test-*
-- config_name: wiqa_what_is_the_missing_first_step
-  data_files:
-  - split: train
-    path: wiqa_what_is_the_missing_first_step/train-*
-  - split: validation
-    path: wiqa_what_is_the_missing_first_step/validation-*
-  - split: test
-    path: wiqa_what_is_the_missing_first_step/test-*
-- config_name: wiqa_what_might_be_the_first_step_of_the_process
-  data_files:
-  - split: train
-    path: wiqa_what_might_be_the_first_step_of_the_process/train-*
-  - split: validation
-    path: wiqa_what_might_be_the_first_step_of_the_process/validation-*
-  - split: test
-    path: wiqa_what_might_be_the_first_step_of_the_process/test-*
-- config_name: wiqa_what_might_be_the_last_step_of_the_process
-  data_files:
-  - split: train
-    path: wiqa_what_might_be_the_last_step_of_the_process/train-*
-  - split: validation
-    path: wiqa_what_might_be_the_last_step_of_the_process/validation-*
-  - split: test
-    path: wiqa_what_might_be_the_last_step_of_the_process/test-*
-- config_name: wiqa_which_of_the_following_is_the_supposed_perturbation
-  data_files:
-  - split: train
-    path: wiqa_which_of_the_following_is_the_supposed_perturbation/train-*
-  - split: validation
-    path: wiqa_which_of_the_following_is_the_supposed_perturbation/validation-*
-  - split: test
-    path: wiqa_which_of_the_following_is_the_supposed_perturbation/test-*
-- config_name: xsum_DOC_boils_down_to_simple_idea_that
-  data_files:
-  - split: train
-    path: xsum_DOC_boils_down_to_simple_idea_that/train-*
-  - split: validation
-    path: xsum_DOC_boils_down_to_simple_idea_that/validation-*
-  - split: test
-    path: xsum_DOC_boils_down_to_simple_idea_that/test-*
-- config_name: xsum_DOC_given_above_write_one_sentence
-  data_files:
-  - split: train
-    path: xsum_DOC_given_above_write_one_sentence/train-*
-  - split: validation
-    path: xsum_DOC_given_above_write_one_sentence/validation-*
-  - split: test
-    path: xsum_DOC_given_above_write_one_sentence/test-*
-- config_name: xsum_DOC_how_would_you_rephrase_few_words
-  data_files:
-  - split: train
-    path: xsum_DOC_how_would_you_rephrase_few_words/train-*
-  - split: validation
-    path: xsum_DOC_how_would_you_rephrase_few_words/validation-*
-  - split: test
-    path: xsum_DOC_how_would_you_rephrase_few_words/test-*
-- config_name: xsum_DOC_tldr
-  data_files:
-  - split: train
-    path: xsum_DOC_tldr/train-*
-  - split: validation
-    path: xsum_DOC_tldr/validation-*
-  - split: test
-    path: xsum_DOC_tldr/test-*
-- config_name: xsum_DOC_write_summary_of_above
-  data_files:
-  - split: train
-    path: xsum_DOC_write_summary_of_above/train-*
-  - split: validation
-    path: xsum_DOC_write_summary_of_above/validation-*
-  - split: test
-    path: xsum_DOC_write_summary_of_above/test-*
-- config_name: xsum_article_DOC_summary
-  data_files:
-  - split: train
-    path: xsum_article_DOC_summary/train-*
-  - split: validation
-    path: xsum_article_DOC_summary/validation-*
-  - split: test
-    path: xsum_article_DOC_summary/test-*
-- config_name: xsum_college_roommate_asked_DOC_so_I_recap
-  data_files:
-  - split: train
-    path: xsum_college_roommate_asked_DOC_so_I_recap/train-*
-  - split: validation
-    path: xsum_college_roommate_asked_DOC_so_I_recap/validation-*
-  - split: test
-    path: xsum_college_roommate_asked_DOC_so_I_recap/test-*
-- config_name: xsum_read_below_DOC_write_abstract
-  data_files:
-  - split: train
-    path: xsum_read_below_DOC_write_abstract/train-*
-  - split: validation
-    path: xsum_read_below_DOC_write_abstract/validation-*
-  - split: test
-    path: xsum_read_below_DOC_write_abstract/test-*
-- config_name: xsum_summarize_DOC
-  data_files:
-  - split: train
-    path: xsum_summarize_DOC/train-*
-  - split: validation
-    path: xsum_summarize_DOC/validation-*
-  - split: test
-    path: xsum_summarize_DOC/test-*
-- config_name: xsum_summarize_this_DOC_summary
-  data_files:
-  - split: train
-    path: xsum_summarize_this_DOC_summary/train-*
-  - split: validation
-    path: xsum_summarize_this_DOC_summary/validation-*
-  - split: test
-    path: xsum_summarize_this_DOC_summary/test-*
-- config_name: yelp_review_full_based_on_that
-  data_files:
-  - split: train
-    path: yelp_review_full_based_on_that/train-*
-  - split: test
-    path: yelp_review_full_based_on_that/test-*
-- config_name: yelp_review_full_format_rating
-  data_files:
-  - split: train
-    path: yelp_review_full_format_rating/train-*
-  - split: test
-    path: yelp_review_full_format_rating/test-*
-- config_name: yelp_review_full_format_score
-  data_files:
-  - split: train
-    path: yelp_review_full_format_score/train-*
-  - split: test
-    path: yelp_review_full_format_score/test-*
-- config_name: yelp_review_full_format_star
-  data_files:
-  - split: train
-    path: yelp_review_full_format_star/train-*
-  - split: test
-    path: yelp_review_full_format_star/test-*
-- config_name: yelp_review_full_on_a_scale
-  data_files:
-  - split: train
-    path: yelp_review_full_on_a_scale/train-*
-  - split: test
-    path: yelp_review_full_on_a_scale/test-*
-- config_name: yelp_review_full_so_i_would
-  data_files:
-  - split: train
-    path: yelp_review_full_so_i_would/train-*
-  - split: test
-    path: yelp_review_full_so_i_would/test-*
-- config_name: yelp_review_full_this_place
-  data_files:
-  - split: train
-    path: yelp_review_full_this_place/train-*
-  - split: test
-    path: yelp_review_full_this_place/test-*
 ---
 
 # Dataset Card for P3
diff --git a/adversarial_qa_dbert_answer_the_following_q/train-00000-of-00001.parquet b/adversarial_qa_dbert_answer_the_following_q/train-00000-of-00001.parquet
deleted file mode 100644
index c913412b3d2c7e97965ef4a9d55a0e284fe03a45..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_answer_the_following_q/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f6d997d8fd12081e20b4eb2ccc46b81407eeaca524b1817eca4b77714e1dcd3f
-size 5719540
diff --git a/adversarial_qa_dbert_answer_the_following_q/validation-00000-of-00001.parquet b/adversarial_qa_dbert_answer_the_following_q/validation-00000-of-00001.parquet
deleted file mode 100644
index ff3273145b1cc2973cfcba110d894f21569f8fb7..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_answer_the_following_q/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aa53146cdea45e86e7f4a0f0c44a62b6a9c3adeb0bf02c47397b0f66dbe525c0
-size 569101
diff --git a/adversarial_qa_dbert_based_on/train-00000-of-00001.parquet b/adversarial_qa_dbert_based_on/train-00000-of-00001.parquet
deleted file mode 100644
index fcdfe71af3574774f463a02fef7e79c4253cb6ef..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_based_on/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c04d974a5121921c59942a21a8bd83aa30c4879fb52fa21ef72fadb6eb1c6379
-size 5642584
diff --git a/adversarial_qa_dbert_based_on/validation-00000-of-00001.parquet b/adversarial_qa_dbert_based_on/validation-00000-of-00001.parquet
deleted file mode 100644
index 8e6cd2b11d301fa4c4bf70db9904d511302708fa..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_based_on/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:606d3a6cf005b546426e016db7c4ad1c50d3e2a13d368959fb755be466a0aaef
-size 564160
diff --git a/adversarial_qa_dbert_generate_question/test-00000-of-00001.parquet b/adversarial_qa_dbert_generate_question/test-00000-of-00001.parquet
deleted file mode 100644
index 0a56d05c144594b978d45273eb53d44e5faa5973..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_generate_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:454079f0e5dbe88d9bfee8cd917b0d3edd9ff973e905da925d26d0b5dceadbea
-size 539687
diff --git a/adversarial_qa_dbert_generate_question/train-00000-of-00001.parquet b/adversarial_qa_dbert_generate_question/train-00000-of-00001.parquet
deleted file mode 100644
index c2a206fe8c3ff06c70e58cf8c73696b10a26308a..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_generate_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dc0081ce07137b78183b928db327fc5512e6920ad64c4bad9b3551f3b82e5084
-size 4843021
diff --git a/adversarial_qa_dbert_generate_question/validation-00000-of-00001.parquet b/adversarial_qa_dbert_generate_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 0c85009bd6ad0f5ce923784927ef849cc5e9e617..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_generate_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6932eee328f8c45df4dd49c7abb99ead318a5e062a384f2e046b73c971bb6cb8
-size 499896
diff --git a/adversarial_qa_dbert_question_context_answer/train-00000-of-00001.parquet b/adversarial_qa_dbert_question_context_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 83f93d72ea06887b27dbb897169c7ec857e8768e..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_question_context_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7ef573061ed2e59242a6dbcc2c28d1380182c2fba058a16c7ba9854eec434440
-size 5617573
diff --git a/adversarial_qa_dbert_question_context_answer/validation-00000-of-00001.parquet b/adversarial_qa_dbert_question_context_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 7d203bc41eaeeed1552142025c4b333ee006929f..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_question_context_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dad11d088cc9dc8e74d0304beebbce110145566c18d42faf4f68b476238c4f47
-size 562790
diff --git a/adversarial_qa_dbert_tell_what_it_is/train-00000-of-00001.parquet b/adversarial_qa_dbert_tell_what_it_is/train-00000-of-00001.parquet
deleted file mode 100644
index 9e095e11b62779356bc3ccc74b560418b0c5071a..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_tell_what_it_is/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:56bde5478a9e49b0354a9bc3881665f4d18ef0f77e40b3694224deff5eabdd86
-size 5701291
diff --git a/adversarial_qa_dbert_tell_what_it_is/validation-00000-of-00001.parquet b/adversarial_qa_dbert_tell_what_it_is/validation-00000-of-00001.parquet
deleted file mode 100644
index 851d3045ed931917922bcb4dcd6da7698edad420..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbert_tell_what_it_is/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:78e1c91a7e1967356274a830879191f0fa4970f538f54d15c609e7f37948f786
-size 575429
diff --git a/adversarial_qa_dbidaf_answer_the_following_q/train-00000-of-00001.parquet b/adversarial_qa_dbidaf_answer_the_following_q/train-00000-of-00001.parquet
deleted file mode 100644
index 45747581ba2d24a9e0abc93ce1392615cc731a32..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_answer_the_following_q/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:57c429ad8ac739bfce676e966399adc3639ea6788f4359d0b69af2d6d17ec443
-size 5756215
diff --git a/adversarial_qa_dbidaf_answer_the_following_q/validation-00000-of-00001.parquet b/adversarial_qa_dbidaf_answer_the_following_q/validation-00000-of-00001.parquet
deleted file mode 100644
index bd6e16da5d7cf00ff19291f181813208e418ea47..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_answer_the_following_q/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f3b65ef122542f013c480254a9777d9d93d443f6bb13feb26ff6a6740616c987
-size 565455
diff --git a/adversarial_qa_dbidaf_based_on/train-00000-of-00001.parquet b/adversarial_qa_dbidaf_based_on/train-00000-of-00001.parquet
deleted file mode 100644
index 04b7c2e1990ea9fdb3ff15816cde463e2087abde..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_based_on/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e9c174c2499fc4dfc7ac388fd009f2ff8e0fcc57bfbdfe41ce6e023923e07c07
-size 5668913
diff --git a/adversarial_qa_dbidaf_based_on/validation-00000-of-00001.parquet b/adversarial_qa_dbidaf_based_on/validation-00000-of-00001.parquet
deleted file mode 100644
index fef55d2d0e061b651385443c12e462e5f895e728..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_based_on/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:11d51e8b7de2f079cdc2f437f127e298bcf1e0f76eba851fcb5c706b66d5bc84
-size 578678
diff --git a/adversarial_qa_dbidaf_generate_question/test-00000-of-00001.parquet b/adversarial_qa_dbidaf_generate_question/test-00000-of-00001.parquet
deleted file mode 100644
index 6e9d090020ac0cfd1b1c6700da7bf647930133e4..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_generate_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:487ecba5e2a21b33fd6ac655a264d68a4590f0e047210cdc94ea1e0a14ae1dad
-size 555638
diff --git a/adversarial_qa_dbidaf_generate_question/train-00000-of-00001.parquet b/adversarial_qa_dbidaf_generate_question/train-00000-of-00001.parquet
deleted file mode 100644
index b0fe68eb65938ee76c908099419366a9d92f47db..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_generate_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2df2aa07d46b7dabd1613f7c60d5d029eb2d8cec7b490187dfab77a9596e416e
-size 4933733
diff --git a/adversarial_qa_dbidaf_generate_question/validation-00000-of-00001.parquet b/adversarial_qa_dbidaf_generate_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 9cd1b876e5bbae942630d49ae5f8464eabf8dba5..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_generate_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:81bcbc8400d9d0ef57b709d1228eac6c12d2d1efeec0db43c191caa60ed83555
-size 494486
diff --git a/adversarial_qa_dbidaf_question_context_answer/train-00000-of-00001.parquet b/adversarial_qa_dbidaf_question_context_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 91324f127b5d6744a84f0d7cec5e4d6f72d6ec08..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_question_context_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9c522c9b11648421658d604b9be5e97bbf997c2a3289116ffa25f2b3e2a132e0
-size 5721765
diff --git a/adversarial_qa_dbidaf_question_context_answer/validation-00000-of-00001.parquet b/adversarial_qa_dbidaf_question_context_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index a535cdfc91e3043ae802590e6455eee8cc840f79..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_question_context_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:00dbe0cd03cb30c453030124525b61c1cf056f9f60be8bdece4ea3a2e67b7d36
-size 571041
diff --git a/adversarial_qa_dbidaf_tell_what_it_is/train-00000-of-00001.parquet b/adversarial_qa_dbidaf_tell_what_it_is/train-00000-of-00001.parquet
deleted file mode 100644
index 9179d0c4b29185cb3e6204d7f336e8ae1aaa2014..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_tell_what_it_is/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:529cfcd051c89aef2dbc5d8a4d434da86775de3468871b785decfb63f3166584
-size 5687779
diff --git a/adversarial_qa_dbidaf_tell_what_it_is/validation-00000-of-00001.parquet b/adversarial_qa_dbidaf_tell_what_it_is/validation-00000-of-00001.parquet
deleted file mode 100644
index 263d091e8fb2cc2de86c6cba9d107f97e07e699e..0000000000000000000000000000000000000000
--- a/adversarial_qa_dbidaf_tell_what_it_is/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c557ce7943b246c78c0c327bdfe0ba8c67c9aeb15d09e3f13a3bfa53a02c931f
-size 563124
diff --git a/adversarial_qa_droberta_answer_the_following_q/train-00000-of-00001.parquet b/adversarial_qa_droberta_answer_the_following_q/train-00000-of-00001.parquet
deleted file mode 100644
index 61a5c2951c0724d944841eeaba8866146924bbbb..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_answer_the_following_q/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ed3280ea2015a12f2564ca748447ff2ba82e384c7fb6fbdd4aa1a4ba0664dd58
-size 5663284
diff --git a/adversarial_qa_droberta_answer_the_following_q/validation-00000-of-00001.parquet b/adversarial_qa_droberta_answer_the_following_q/validation-00000-of-00001.parquet
deleted file mode 100644
index f108422951904dbbb495e09543724f070a039620..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_answer_the_following_q/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:39bc5677aa6f311db5affb7d2e57460116d27e9a8c5b5514fc180ae055dd5234
-size 560155
diff --git a/adversarial_qa_droberta_based_on/train-00000-of-00001.parquet b/adversarial_qa_droberta_based_on/train-00000-of-00001.parquet
deleted file mode 100644
index c5fea8d2d1d1d2fa8502b53c66da52c484b981fc..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_based_on/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:be1a98fc3abcc1a894b7bce1eb58499e7b13f5ef69a93d2c75cb2ec827e62326
-size 5654644
diff --git a/adversarial_qa_droberta_based_on/validation-00000-of-00001.parquet b/adversarial_qa_droberta_based_on/validation-00000-of-00001.parquet
deleted file mode 100644
index e9e11e638efc202d9d6a5c4bf89707a81d80f7d2..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_based_on/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:33e2bbd352947919dd9a23526558d9c4a210f2bf007a04c50ab189617e832d1b
-size 548257
diff --git a/adversarial_qa_droberta_generate_question/test-00000-of-00001.parquet b/adversarial_qa_droberta_generate_question/test-00000-of-00001.parquet
deleted file mode 100644
index ead82e38c9218b509e078a3b58f2f3b44e8d8856..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_generate_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:996e0ab8ad8f80987b96c96963bf1092b43dc784828394a925908b32d5b4790d
-size 527299
diff --git a/adversarial_qa_droberta_generate_question/train-00000-of-00001.parquet b/adversarial_qa_droberta_generate_question/train-00000-of-00001.parquet
deleted file mode 100644
index 0672c70bcf4531fd97900759439db1f369f53fe7..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_generate_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3db2e27c993b3089f7fd3f7374f6a0cea885d850d97b5ea7bf13358080b6cd54
-size 4901167
diff --git a/adversarial_qa_droberta_generate_question/validation-00000-of-00001.parquet b/adversarial_qa_droberta_generate_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 4feeb2d65fb44c60b91319ce29eb58b3e72ecce8..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_generate_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f99ec339dbdf3d13d98aa317137d3c022fd31f1051018e8f0f3b92d2803360b
-size 500167
diff --git a/adversarial_qa_droberta_question_context_answer/train-00000-of-00001.parquet b/adversarial_qa_droberta_question_context_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 6d28bcc61e4ea0998d9c95a89835d00f2e10c1b1..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_question_context_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:600de6fd91e7f6673f3dd04fcd9147c89f516ebf5209651676d3f5b9db0cb7e4
-size 5613934
diff --git a/adversarial_qa_droberta_question_context_answer/validation-00000-of-00001.parquet b/adversarial_qa_droberta_question_context_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 5941b3c5b4e997a179d664ae14f7abccf54e2429..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_question_context_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8575550bc72b8cb76d11ace0a5ee28b9e389442db06e7cef046bac966f82fa08
-size 579852
diff --git a/adversarial_qa_droberta_tell_what_it_is/train-00000-of-00001.parquet b/adversarial_qa_droberta_tell_what_it_is/train-00000-of-00001.parquet
deleted file mode 100644
index 6f02f1b9e367f9162e8941e8b4a355d53fc83fca..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_tell_what_it_is/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:079072ddfdbb8b7e781d7581b2b5eaf8193ce2240633a947553332f310cd0e1c
-size 5597195
diff --git a/adversarial_qa_droberta_tell_what_it_is/validation-00000-of-00001.parquet b/adversarial_qa_droberta_tell_what_it_is/validation-00000-of-00001.parquet
deleted file mode 100644
index 27a6e01cdcd59ceee1f33cf3a5a06d11d0bc5762..0000000000000000000000000000000000000000
--- a/adversarial_qa_droberta_tell_what_it_is/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7ee92a0e7657a6bf15f9906b93f8a6767fac30cb0450d039b717b2d453f23fa9
-size 554962
diff --git a/ag_news_classify/test-00000-of-00001.parquet b/ag_news_classify/test-00000-of-00001.parquet
deleted file mode 100644
index 466f735d410df72034b88ef5f6e9a6eecbb77ae0..0000000000000000000000000000000000000000
--- a/ag_news_classify/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee1413c2e56bf08299f687224ea944a606affc0c99a67406b77453abae3bf2c3
-size 2330963
diff --git a/ag_news_classify/train-00000-of-00001.parquet b/ag_news_classify/train-00000-of-00001.parquet
deleted file mode 100644
index c4cb5402ab55d60dcabab7547f0876780e3d5e43..0000000000000000000000000000000000000000
--- a/ag_news_classify/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fef38cac3b6f74362f7ba1f167bb7fb9c107c7a952685cea9d0bf6674c9dd07d
-size 35173577
diff --git a/ag_news_classify_question_first/test-00000-of-00001.parquet b/ag_news_classify_question_first/test-00000-of-00001.parquet
deleted file mode 100644
index a41ad3b84f0cdf2b297da0bca91b5ff99fdbdf68..0000000000000000000000000000000000000000
--- a/ag_news_classify_question_first/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f7f14830f6422fe7d1420538fa001840b33a6da438e462f7dd3ab81330d04d3
-size 2324682
diff --git a/ag_news_classify_question_first/train-00000-of-00001.parquet b/ag_news_classify_question_first/train-00000-of-00001.parquet
deleted file mode 100644
index 3175ec12a0b32ccc8ccc4b998302adc09ab0f052..0000000000000000000000000000000000000000
--- a/ag_news_classify_question_first/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d3aa084fa81d119ad3c4a817c2f7282e2f7341a28633df0bec30f40aa202e816
-size 34986982
diff --git a/ag_news_classify_with_choices/test-00000-of-00001.parquet b/ag_news_classify_with_choices/test-00000-of-00001.parquet
deleted file mode 100644
index 7f190714087d8508ccc5ef108926c56746f5790b..0000000000000000000000000000000000000000
--- a/ag_news_classify_with_choices/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4a3b5376747f9a8059501b693a0dca38e3be43872b9aecf97d08eb7feac5ebee
-size 2381975
diff --git a/ag_news_classify_with_choices/train-00000-of-00001.parquet b/ag_news_classify_with_choices/train-00000-of-00001.parquet
deleted file mode 100644
index 70debdea890ce1c1fff57596769594c1a0968df6..0000000000000000000000000000000000000000
--- a/ag_news_classify_with_choices/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3dfdc45cd588066eb319c8d68517d46bcf4e0e7c02169e1df53a148ed3742379
-size 35995211
diff --git a/ag_news_classify_with_choices_question_first/test-00000-of-00001.parquet b/ag_news_classify_with_choices_question_first/test-00000-of-00001.parquet
deleted file mode 100644
index ba4ce44ad40bc4bea9284debb4d0c8a636d19257..0000000000000000000000000000000000000000
--- a/ag_news_classify_with_choices_question_first/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:812f48e4eb5f90bb3cf25a7e625c21e56e123f731b10764ae8d3c3e45ddeb584
-size 2385273
diff --git a/ag_news_classify_with_choices_question_first/train-00000-of-00001.parquet b/ag_news_classify_with_choices_question_first/train-00000-of-00001.parquet
deleted file mode 100644
index 45155edafe6ea388977c4cff771e211e5cf06657..0000000000000000000000000000000000000000
--- a/ag_news_classify_with_choices_question_first/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0884bf2762018cbeacbabb1d9a3fabc0ffe1d63223b3d9087df979e59a2922ad
-size 35933365
diff --git a/ag_news_recommend/test-00000-of-00001.parquet b/ag_news_recommend/test-00000-of-00001.parquet
deleted file mode 100644
index c1e2eb4bdad7305d0e221c5744a9499d47602821..0000000000000000000000000000000000000000
--- a/ag_news_recommend/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f98c236e40e73751ec44edfc3c070cc0b0c12f5bda2ca5af42ba6ea5d4c9e0d7
-size 2388270
diff --git a/ag_news_recommend/train-00000-of-00001.parquet b/ag_news_recommend/train-00000-of-00001.parquet
deleted file mode 100644
index 0ad46a9115567f4d940f75db1649175929213a85..0000000000000000000000000000000000000000
--- a/ag_news_recommend/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2498be681c8821acfcb9e803ed45f47bf114c764a27e0f7bb9d9ab89a2610233
-size 35979846
diff --git a/ag_news_which_section/test-00000-of-00001.parquet b/ag_news_which_section/test-00000-of-00001.parquet
deleted file mode 100644
index 2bee857174f3ca6c7a99f5a3842195205b527cda..0000000000000000000000000000000000000000
--- a/ag_news_which_section/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ed2f0b785a11044b33add7970ec5c6cf9e3d0472ad21dbc411c05449ad4c00b6
-size 2356333
diff --git a/ag_news_which_section/train-00000-of-00001.parquet b/ag_news_which_section/train-00000-of-00001.parquet
deleted file mode 100644
index 0de4b958039c2e089019d0fd486acc30c73e2ab8..0000000000000000000000000000000000000000
--- a/ag_news_which_section/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee69aa60cde7c0936938d66d0436303b7d752213c14db8ec65017a815445d606
-size 35537631
diff --git a/ag_news_which_section_choices/test-00000-of-00001.parquet b/ag_news_which_section_choices/test-00000-of-00001.parquet
deleted file mode 100644
index e97266402f30b64165636fe021ccfcad71142bac..0000000000000000000000000000000000000000
--- a/ag_news_which_section_choices/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e896fe004f9c7385f016adda53ae4ba4d9c7853c603e7d13addf33eeb5b40db4
-size 2426218
diff --git a/ag_news_which_section_choices/train-00000-of-00001.parquet b/ag_news_which_section_choices/train-00000-of-00001.parquet
deleted file mode 100644
index 2fe8e63b23522a41f4829f2913ee97ec1ca1bc10..0000000000000000000000000000000000000000
--- a/ag_news_which_section_choices/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b20baa2078e934fe6de954975a60add3559ecc695b91833421441a98cabecc97
-size 36741707
diff --git a/ai2_arc_ARC_Challenge_heres_a_problem/test-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_heres_a_problem/test-00000-of-00001.parquet
deleted file mode 100644
index d24b7b89cb5b6888dcae6d52ec4f9ded42989a27..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_heres_a_problem/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b670f6919c5b0fb96a2622da1ec65a4ee9ac40f3534569abbbf1e5a9d9e2040d
-size 361538
diff --git a/ai2_arc_ARC_Challenge_heres_a_problem/train-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_heres_a_problem/train-00000-of-00001.parquet
deleted file mode 100644
index dc2abf56cb9b41dea279052d991d7f08798d29c4..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_heres_a_problem/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bccfc1f0c808fd6f82d1b02034f3a1c5bc771e8caacc0de08e231dba0ac48fcb
-size 337881
diff --git a/ai2_arc_ARC_Challenge_heres_a_problem/validation-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_heres_a_problem/validation-00000-of-00001.parquet
deleted file mode 100644
index 50b58576b0bcf353418f510f9ae40cd53f5d0a6f..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_heres_a_problem/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:649199f775eb34016f72b040084c5f8579ef734a68ee162dd6b047562c5eacec
-size 96879
diff --git a/ai2_arc_ARC_Challenge_i_am_hesitating/test-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_i_am_hesitating/test-00000-of-00001.parquet
deleted file mode 100644
index c5254eea069252c065fbdd7e7e17a836e0c3f398..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_i_am_hesitating/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8e48abb33170ac486df7666ec8e4ebab37a7479ac6f16bc34a6107d6af5c6d6b
-size 493161
diff --git a/ai2_arc_ARC_Challenge_i_am_hesitating/train-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_i_am_hesitating/train-00000-of-00001.parquet
deleted file mode 100644
index 4e9d3c12a25766f0bcd2a9bab42c82f95f6dc2d0..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_i_am_hesitating/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2e2e99c0c46355d5df2ca16c2cb2433a016f17653d08d1a4db8e151b76133d40
-size 461766
diff --git a/ai2_arc_ARC_Challenge_i_am_hesitating/validation-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_i_am_hesitating/validation-00000-of-00001.parquet
deleted file mode 100644
index 30d91249cf1b6a8f3fee7ee2d41058cfb3888ee1..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_i_am_hesitating/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:426de92463d18fb84645deb8ad66019071abb99dec32d5ca13fb12229cbd90b6
-size 132371
diff --git a/ai2_arc_ARC_Challenge_multiple_choice/test-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_multiple_choice/test-00000-of-00001.parquet
deleted file mode 100644
index 77cdc7692147947b001c5f48780a164082d1d6cc..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_multiple_choice/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d73225be2e3957e4010c79ed8b7e75ab5be07b3a9bc0fbd1b934d45e525e2753
-size 497262
diff --git a/ai2_arc_ARC_Challenge_multiple_choice/train-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_multiple_choice/train-00000-of-00001.parquet
deleted file mode 100644
index 64aa4cc6a750f01149f6b863af6a6b7c1453d5e5..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_multiple_choice/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e22f96d1ecb67d45417db35ed42b99bf2a788ca4fc4fd6aa4b569c727d270c53
-size 466937
diff --git a/ai2_arc_ARC_Challenge_multiple_choice/validation-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_multiple_choice/validation-00000-of-00001.parquet
deleted file mode 100644
index bd021ec725555af767a7265a58ec0695b4d529b3..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_multiple_choice/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8184929fda4058beba65e3520ed5e323f606e4d02b392cca258bf2062b4f0ea1
-size 132549
diff --git a/ai2_arc_ARC_Challenge_pick_false_options/test-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_pick_false_options/test-00000-of-00001.parquet
deleted file mode 100644
index 5b8f754bfeb2c6baa7cf5184869de7697f84e756..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_pick_false_options/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:092222f0c61a4cc95ecdcd75701bf07399f5d2d83806e04b0a34b677596f9c72
-size 472595
diff --git a/ai2_arc_ARC_Challenge_pick_false_options/train-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_pick_false_options/train-00000-of-00001.parquet
deleted file mode 100644
index 1b19cb7f9fdb4ed78bcd5b33a44f363ab07a2af3..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_pick_false_options/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6305c9c4fc98538f8d31f14cb0a80eb0c1d6f2f2fbc621b8cd9274ba02ef4197
-size 443344
diff --git a/ai2_arc_ARC_Challenge_pick_false_options/validation-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_pick_false_options/validation-00000-of-00001.parquet
deleted file mode 100644
index c26df34ec0b6645e8b558cc05d75c5cb06118e80..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_pick_false_options/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e25c7e2a6a09acc14db972bd405f9123a772c2da36ed82813deeba8f6006810e
-size 127749
diff --git a/ai2_arc_ARC_Challenge_pick_the_most_correct_option/test-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_pick_the_most_correct_option/test-00000-of-00001.parquet
deleted file mode 100644
index ac93891a13ea5791b06735331f31f70cf7f315ad..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_pick_the_most_correct_option/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ef90d80496eb26bcc7074536575d6a1dd0ec5302eb80e1a586726689aef2f81f
-size 358984
diff --git a/ai2_arc_ARC_Challenge_pick_the_most_correct_option/train-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_pick_the_most_correct_option/train-00000-of-00001.parquet
deleted file mode 100644
index fe1b2502363b8e03dce8cdf1c0b195a71b53c284..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_pick_the_most_correct_option/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ac9016ae8fc7c8ef3327419a069f36a8748642258d985772a22752ae1b1fdffb
-size 336144
diff --git a/ai2_arc_ARC_Challenge_pick_the_most_correct_option/validation-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_pick_the_most_correct_option/validation-00000-of-00001.parquet
deleted file mode 100644
index b6b25ea17e5565f49243df6ad91a684e89d181c0..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_pick_the_most_correct_option/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ab044b4412968079a88a53ac303418c1cb0b50cfbd72c9ce774ddd8506544b08
-size 96347
diff --git a/ai2_arc_ARC_Challenge_qa_options/test-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_qa_options/test-00000-of-00001.parquet
deleted file mode 100644
index e3ea26d3850cf29ea6d98afad76d659365ab98da..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_qa_options/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:53c44988b9c2fdef681404cbbc31c61e03a8272ae45a1f6bd764c1cd4f701ae5
-size 474782
diff --git a/ai2_arc_ARC_Challenge_qa_options/train-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_qa_options/train-00000-of-00001.parquet
deleted file mode 100644
index df17c5701e885ad2d4de178cad628b8d6a1c4ec2..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_qa_options/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3be7856002db517ef783e96b1fc3bfb6db7d65895dff4bb7527aa08f77989207
-size 441922
diff --git a/ai2_arc_ARC_Challenge_qa_options/validation-00000-of-00001.parquet b/ai2_arc_ARC_Challenge_qa_options/validation-00000-of-00001.parquet
deleted file mode 100644
index 384ca96f04af199c476babd7c31d28adccc8cab2..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Challenge_qa_options/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:db83e480a5103e1587a3e41dc63322a241a7ccb229424ce600475d6e4486cbfa
-size 127645
diff --git a/ai2_arc_ARC_Easy_heres_a_problem/test-00000-of-00001.parquet b/ai2_arc_ARC_Easy_heres_a_problem/test-00000-of-00001.parquet
deleted file mode 100644
index 2c9167b26200dfbf5734b56d4f26969f4b84681f..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_heres_a_problem/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:604a3ba65d309ce734ba91099788f635d09da91d39c3be6941fe99a5263bd42a
-size 626881
diff --git a/ai2_arc_ARC_Easy_heres_a_problem/train-00000-of-00001.parquet b/ai2_arc_ARC_Easy_heres_a_problem/train-00000-of-00001.parquet
deleted file mode 100644
index 2af6336a839c00187809ea5358ca60f640b28306..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_heres_a_problem/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d0ef63049b28a21face3767d6a5c04dbb6d01ec9b6079e2640a3f0af0957869a
-size 594541
diff --git a/ai2_arc_ARC_Easy_heres_a_problem/validation-00000-of-00001.parquet b/ai2_arc_ARC_Easy_heres_a_problem/validation-00000-of-00001.parquet
deleted file mode 100644
index 84a35672c7ba722cd0ac3a04d60c3eb3632c4a3a..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_heres_a_problem/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9ca491bb0404bf149b277b537f1f15a24d22286062083b2ded9c3d14eae6342d
-size 150609
diff --git a/ai2_arc_ARC_Easy_i_am_hesitating/test-00000-of-00001.parquet b/ai2_arc_ARC_Easy_i_am_hesitating/test-00000-of-00001.parquet
deleted file mode 100644
index bec1550be83f0f7ed136380ff54e50cbdce3ee5d..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_i_am_hesitating/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5688c40d8c38567e8fa0c9a90a5d07ed40f625c3908f728914e1fb264f19afc1
-size 833125
diff --git a/ai2_arc_ARC_Easy_i_am_hesitating/train-00000-of-00001.parquet b/ai2_arc_ARC_Easy_i_am_hesitating/train-00000-of-00001.parquet
deleted file mode 100644
index c8e586b01694af973620a5f8fba218b00db02407..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_i_am_hesitating/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1a5b0975b79c48c963dea82ac0fc4ee605d978ed2c4824feed1b1e5f63246f40
-size 794954
diff --git a/ai2_arc_ARC_Easy_i_am_hesitating/validation-00000-of-00001.parquet b/ai2_arc_ARC_Easy_i_am_hesitating/validation-00000-of-00001.parquet
deleted file mode 100644
index c8fd8bb2c63de6cbcce94a4d1b502d4edc863acd..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_i_am_hesitating/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0246a0916326a52af972b9b37c1fad4a6666c5709e5ce55587a59c8bce14b65b
-size 201177
diff --git a/ai2_arc_ARC_Easy_multiple_choice/test-00000-of-00001.parquet b/ai2_arc_ARC_Easy_multiple_choice/test-00000-of-00001.parquet
deleted file mode 100644
index 3f5de4e807976d51c0df7596dcf19295b50351a9..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_multiple_choice/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5f27076d67c5f262eed3122885ed843a1009e21a997d3f64053d0905fb9b8561
-size 834919
diff --git a/ai2_arc_ARC_Easy_multiple_choice/train-00000-of-00001.parquet b/ai2_arc_ARC_Easy_multiple_choice/train-00000-of-00001.parquet
deleted file mode 100644
index 0b05ef51812e54d1440cfd733f8d2031fbb0f68e..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_multiple_choice/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8c722679d28de12086a210ec3c6575ea5821ab45a7d3bbab0942e35733e71874
-size 796748
diff --git a/ai2_arc_ARC_Easy_multiple_choice/validation-00000-of-00001.parquet b/ai2_arc_ARC_Easy_multiple_choice/validation-00000-of-00001.parquet
deleted file mode 100644
index 12e5b1778f56f1d1c547feb55ec93b53b1a8cc84..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_multiple_choice/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bbc81aa9b4744e6692875b8adcefb9b251ceb6de76d531b350f88fa4e557297c
-size 202205
diff --git a/ai2_arc_ARC_Easy_pick_false_options/test-00000-of-00001.parquet b/ai2_arc_ARC_Easy_pick_false_options/test-00000-of-00001.parquet
deleted file mode 100644
index 180b10f4b16a0c98beb80b110e80e6d00a63082c..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_pick_false_options/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:29052063c8596f53a5bbc749874eb33780c7d867660eceeb8eccc3508d269234
-size 808331
diff --git a/ai2_arc_ARC_Easy_pick_false_options/train-00000-of-00001.parquet b/ai2_arc_ARC_Easy_pick_false_options/train-00000-of-00001.parquet
deleted file mode 100644
index 038cc5a25c2078021a9ceb59ec74f52ca5274084..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_pick_false_options/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e9c159d7f8e81932369ef29f8b5096b6d06af9144f3c945025d94719e985bdf8
-size 769663
diff --git a/ai2_arc_ARC_Easy_pick_false_options/validation-00000-of-00001.parquet b/ai2_arc_ARC_Easy_pick_false_options/validation-00000-of-00001.parquet
deleted file mode 100644
index 326a0b0e47781b5609858248d28837171eb21aaa..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_pick_false_options/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e225f16cf3b55d4a182a6bd1bda21e22e94c42acb11a9f2ba50e82b1ca6add76
-size 195696
diff --git a/ai2_arc_ARC_Easy_pick_the_most_correct_option/test-00000-of-00001.parquet b/ai2_arc_ARC_Easy_pick_the_most_correct_option/test-00000-of-00001.parquet
deleted file mode 100644
index b71ee0833eda39557805b085536e569c72326577..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_pick_the_most_correct_option/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:55282f9f70e15ea71e6da9823b4b9a69515e3365c196bf8471275ea8ae84859c
-size 620637
diff --git a/ai2_arc_ARC_Easy_pick_the_most_correct_option/train-00000-of-00001.parquet b/ai2_arc_ARC_Easy_pick_the_most_correct_option/train-00000-of-00001.parquet
deleted file mode 100644
index f75611214b1cfa63f5ef13b6d93fb5186d538389..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_pick_the_most_correct_option/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:93277c2d9301de814686153315a6c31b1b70c51060ccfab3c5ba521692bbb433
-size 589717
diff --git a/ai2_arc_ARC_Easy_pick_the_most_correct_option/validation-00000-of-00001.parquet b/ai2_arc_ARC_Easy_pick_the_most_correct_option/validation-00000-of-00001.parquet
deleted file mode 100644
index 66b0a2dfe09bbc61cb856024846003105a8b1678..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_pick_the_most_correct_option/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:17b80c68a8c2cdb59e189f130bf3b62962a039728813ce440f60da7e4cf73b6a
-size 149504
diff --git a/ai2_arc_ARC_Easy_qa_options/test-00000-of-00001.parquet b/ai2_arc_ARC_Easy_qa_options/test-00000-of-00001.parquet
deleted file mode 100644
index 2f2a2e87397575dbb0bf6c07e065c3ddc6e311b6..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_qa_options/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0797260fab95396b2bf97db4ca56fa41b2d54e1b7b3048eb36b87984143a3c36
-size 795981
diff --git a/ai2_arc_ARC_Easy_qa_options/train-00000-of-00001.parquet b/ai2_arc_ARC_Easy_qa_options/train-00000-of-00001.parquet
deleted file mode 100644
index e379dc7c8bde9abdf071ec0f7417d225579ece9a..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_qa_options/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a0cd36c8c459c834926e151d6e41fdd354b8593440f3a83cad807096c972b98b
-size 756682
diff --git a/ai2_arc_ARC_Easy_qa_options/validation-00000-of-00001.parquet b/ai2_arc_ARC_Easy_qa_options/validation-00000-of-00001.parquet
deleted file mode 100644
index 5805a5f19a1593059a91f503a423b8da71698f72..0000000000000000000000000000000000000000
--- a/ai2_arc_ARC_Easy_qa_options/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:58878f92cb0c9e4aa0f51034b97280dfca787706d90acd87070ee85e10a401e2
-size 192010
diff --git a/amazon_polarity_Is_this_product_review_positive/test-00000-of-00001.parquet b/amazon_polarity_Is_this_product_review_positive/test-00000-of-00001.parquet
deleted file mode 100644
index 843319be3ac7f3fe2576138663d5977b18c513ac..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_product_review_positive/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1c77a74ad1fd6134dd7ae640e0d9ea825be8315966e7367524689dbcd757c392
-size 212918705
diff --git a/amazon_polarity_Is_this_product_review_positive/train-00000-of-00008.parquet b/amazon_polarity_Is_this_product_review_positive/train-00000-of-00008.parquet
deleted file mode 100644
index 8f968b8fdbbacb6b3ebd881db2cf7c4e90648821..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_product_review_positive/train-00000-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1c00a773a922cac8b3c094b5b0f3dd6cd85f9dcbf90ea2be8905098a52435615
-size 237502031
diff --git a/amazon_polarity_Is_this_product_review_positive/train-00001-of-00008.parquet b/amazon_polarity_Is_this_product_review_positive/train-00001-of-00008.parquet
deleted file mode 100644
index 76a100272f93722b42493c1e41498757995eeda4..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_product_review_positive/train-00001-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a0091cac37801ca0e8c4ff62a70c5af60cc224bb8dbf409a6d770aed0282c17a
-size 236293765
diff --git a/amazon_polarity_Is_this_product_review_positive/train-00002-of-00008.parquet b/amazon_polarity_Is_this_product_review_positive/train-00002-of-00008.parquet
deleted file mode 100644
index 27f3cf8d51b54ff32dbbbf9ae20e1d2101ddf192..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_product_review_positive/train-00002-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a43b8e74665e0d6e3a3727c586a7c259955ff8d10681c1eec5c4463e9592ac6
-size 236902460
diff --git a/amazon_polarity_Is_this_product_review_positive/train-00003-of-00008.parquet b/amazon_polarity_Is_this_product_review_positive/train-00003-of-00008.parquet
deleted file mode 100644
index 0ba93044c8581058dc91d862cd01860e75ca47d4..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_product_review_positive/train-00003-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bab6d2cf3839df67333cfa161ce6fdc285f7c5dc381d58e6b94d3e3f1a9be767
-size 234317905
diff --git a/amazon_polarity_Is_this_product_review_positive/train-00004-of-00008.parquet b/amazon_polarity_Is_this_product_review_positive/train-00004-of-00008.parquet
deleted file mode 100644
index b5a66f5ae1e0d9000c779b58a091397c5ffb30d5..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_product_review_positive/train-00004-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e05ce057a2c9184c87ae94fca26d4534977be042792d834ba707bd3d2e7fb341
-size 233579946
diff --git a/amazon_polarity_Is_this_product_review_positive/train-00005-of-00008.parquet b/amazon_polarity_Is_this_product_review_positive/train-00005-of-00008.parquet
deleted file mode 100644
index 66561bdf705456ee41cbc26ebaa46b8991f6fe90..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_product_review_positive/train-00005-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3b8a40e7aca16ab26422e323980ac0f0c6717b5dbcba65a820638e41de6d4678
-size 232148856
diff --git a/amazon_polarity_Is_this_product_review_positive/train-00006-of-00008.parquet b/amazon_polarity_Is_this_product_review_positive/train-00006-of-00008.parquet
deleted file mode 100644
index 04b18e79fbf2152871cc55a69bc0261f9c643a14..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_product_review_positive/train-00006-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:18167a6da25148e1cb179eb452a869fa19e9d034fcac769b9e0873843f1af426
-size 231672637
diff --git a/amazon_polarity_Is_this_product_review_positive/train-00007-of-00008.parquet b/amazon_polarity_Is_this_product_review_positive/train-00007-of-00008.parquet
deleted file mode 100644
index a78f8f02970b5cc9ec91898260044757f3f29bb3..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_product_review_positive/train-00007-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a2e19401b707f7538899fe77a4797ec3d9f6a524791c2c76543b80431fcc3299
-size 231872777
diff --git a/amazon_polarity_Is_this_review/test-00000-of-00001.parquet b/amazon_polarity_Is_this_review/test-00000-of-00001.parquet
deleted file mode 100644
index c1792c1afac9f2500b80ef60a6838c3dc0b8d515..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:28c0ef4b155c40646b0ecb4bccd87ec64027e7c79d65af973feec5ada67314c8
-size 213328785
diff --git a/amazon_polarity_Is_this_review/train-00000-of-00008.parquet b/amazon_polarity_Is_this_review/train-00000-of-00008.parquet
deleted file mode 100644
index 7921b8c0de9923e21540c6f1ba40e2cc354fb578..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review/train-00000-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f480297ab7ada061d93d47b13c17755287f55f60ca8376481f363d0bc5b81c4f
-size 238186977
diff --git a/amazon_polarity_Is_this_review/train-00001-of-00008.parquet b/amazon_polarity_Is_this_review/train-00001-of-00008.parquet
deleted file mode 100644
index c96c906ef461ae839f9ec847a71876a4feb15129..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review/train-00001-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6ac21bef2b79d926e45a1cdbcde561f4fdbd781ecda5946db195d56e3eb36534
-size 236893892
diff --git a/amazon_polarity_Is_this_review/train-00002-of-00008.parquet b/amazon_polarity_Is_this_review/train-00002-of-00008.parquet
deleted file mode 100644
index d3084331318a14221e50f8a06ee9b53e6ad69b3e..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review/train-00002-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9071273cfb60f1c79e24f2ef4d4b0232e2de0a78165721c75d400aa19a4f8a8a
-size 237508322
diff --git a/amazon_polarity_Is_this_review/train-00003-of-00008.parquet b/amazon_polarity_Is_this_review/train-00003-of-00008.parquet
deleted file mode 100644
index 99680e9c7fdc4c25805f4caf132c592c3626a4ce..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review/train-00003-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:766c8b36d56c9dd46649f69885283e1653d0e4d98d54f3920d5b0b88bf49f6d5
-size 234745870
diff --git a/amazon_polarity_Is_this_review/train-00004-of-00008.parquet b/amazon_polarity_Is_this_review/train-00004-of-00008.parquet
deleted file mode 100644
index 8ca462d905ff9287a0094a2d8ea88ffa2fb20e5f..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review/train-00004-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6ff953dd383786c73f82a13c3544bab2abfe34e662ddf7cae56c5e156fd5ddb5
-size 234240737
diff --git a/amazon_polarity_Is_this_review/train-00005-of-00008.parquet b/amazon_polarity_Is_this_review/train-00005-of-00008.parquet
deleted file mode 100644
index dd024b03b049ca60f925419ac32f36e449f728ca..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review/train-00005-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e12bdd63bd321c5da690eee4e910a11b2e99a8c3861e82c39c3f8cba6895f2d2
-size 232599294
diff --git a/amazon_polarity_Is_this_review/train-00006-of-00008.parquet b/amazon_polarity_Is_this_review/train-00006-of-00008.parquet
deleted file mode 100644
index b3af2066b0a92e44ce4c7715563bc649a2498813..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review/train-00006-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0c7d1bb4119a6361c02ed6f87201565dade24e45d2d851ceb33462f751ce981f
-size 232256114
diff --git a/amazon_polarity_Is_this_review/train-00007-of-00008.parquet b/amazon_polarity_Is_this_review/train-00007-of-00008.parquet
deleted file mode 100644
index 323e5455b281d94441d329f1fdbea36da246ced4..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review/train-00007-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:765603b725ad75d64ebc62147ba8d73ca5a5e70ed665bf5146f707412d2ed55f
-size 232375063
diff --git a/amazon_polarity_Is_this_review_negative/test-00000-of-00001.parquet b/amazon_polarity_Is_this_review_negative/test-00000-of-00001.parquet
deleted file mode 100644
index 128526d636225544994404bf184885e265c2dba7..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review_negative/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:288c86f94ace501717f4824cb7efecbbfaab484e7a982cf1001056beab27fe9f
-size 213063317
diff --git a/amazon_polarity_Is_this_review_negative/train-00000-of-00008.parquet b/amazon_polarity_Is_this_review_negative/train-00000-of-00008.parquet
deleted file mode 100644
index 6a635dcb77ee959059e613d524e60ccca0fa7c0a..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review_negative/train-00000-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c17ce8fdcd1438252b6f85e49161c8fc2112d2b5605d93cabdb2450926d4e005
-size 237816534
diff --git a/amazon_polarity_Is_this_review_negative/train-00001-of-00008.parquet b/amazon_polarity_Is_this_review_negative/train-00001-of-00008.parquet
deleted file mode 100644
index 2b4a07067e6c736d5deaac8d9b92ab4117dfa313..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review_negative/train-00001-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a85beb3bb97c8c1041d2c4dd3363348e7578222363fcc90c8181aa2c73880e1
-size 236660158
diff --git a/amazon_polarity_Is_this_review_negative/train-00002-of-00008.parquet b/amazon_polarity_Is_this_review_negative/train-00002-of-00008.parquet
deleted file mode 100644
index 385131dd266c4af3cec9280a7809becf2886c53a..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review_negative/train-00002-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:66dd575ef88fbdd51c5be6b50549608b8e606acb60d0319a3aae64db9ad29d0e
-size 237027907
diff --git a/amazon_polarity_Is_this_review_negative/train-00003-of-00008.parquet b/amazon_polarity_Is_this_review_negative/train-00003-of-00008.parquet
deleted file mode 100644
index e564e812c148383b36cb8e9deae49f558911647a..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review_negative/train-00003-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:171c9a41c42f63975f361739cfd9ce9e6bea9f047ad91ba33e872467f7236e69
-size 234426127
diff --git a/amazon_polarity_Is_this_review_negative/train-00004-of-00008.parquet b/amazon_polarity_Is_this_review_negative/train-00004-of-00008.parquet
deleted file mode 100644
index 956b76676040a17649ac51a437fde1e42978c295..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review_negative/train-00004-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:25257dbffa00597ed959eeb6390e1b0738154ec6ebf9c11e1117ea2790b4adc3
-size 233713890
diff --git a/amazon_polarity_Is_this_review_negative/train-00005-of-00008.parquet b/amazon_polarity_Is_this_review_negative/train-00005-of-00008.parquet
deleted file mode 100644
index fa0116053e14ed3dc7b3e7fce18de0bdbf6a712b..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review_negative/train-00005-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b68b6723a1d1ce93848174e23b3917bbed44f41b76f9abfcf9d38e8af612d92a
-size 232229820
diff --git a/amazon_polarity_Is_this_review_negative/train-00006-of-00008.parquet b/amazon_polarity_Is_this_review_negative/train-00006-of-00008.parquet
deleted file mode 100644
index 447f009df0c0a2b7786fb2d145c8484ec082cf34..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review_negative/train-00006-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:de8fe8678c6e8bb4722201319e91e9f47248a15c75a58b7b4f0289a690d50f96
-size 231840105
diff --git a/amazon_polarity_Is_this_review_negative/train-00007-of-00008.parquet b/amazon_polarity_Is_this_review_negative/train-00007-of-00008.parquet
deleted file mode 100644
index 318805ace1cd246491d8cf8011a2c58ea7ef5cce..0000000000000000000000000000000000000000
--- a/amazon_polarity_Is_this_review_negative/train-00007-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5c298231c6b32dd4733712ad02bb60f15def5d4715d2d38e06f1936c35058023
-size 232148189
diff --git a/amazon_polarity_User_recommend_this_product/test-00000-of-00001.parquet b/amazon_polarity_User_recommend_this_product/test-00000-of-00001.parquet
deleted file mode 100644
index e625bfccfb8848372ffd2bcdb9602a090d83787e..0000000000000000000000000000000000000000
--- a/amazon_polarity_User_recommend_this_product/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c8041d5a12180cf40513dd800e0af0629ac0d3712a871d1655bc7e6264b85a65
-size 201051530
diff --git a/amazon_polarity_User_recommend_this_product/train-00000-of-00008.parquet b/amazon_polarity_User_recommend_this_product/train-00000-of-00008.parquet
deleted file mode 100644
index 9e5b0c4740dec40bbe4cae01d579c7b50b1b367d..0000000000000000000000000000000000000000
--- a/amazon_polarity_User_recommend_this_product/train-00000-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:77a51f6cc527b41f729a09614b4ae06c0ae5a11abaa04ad81bf7e4a9dbadfa4d
-size 224370694
diff --git a/amazon_polarity_User_recommend_this_product/train-00001-of-00008.parquet b/amazon_polarity_User_recommend_this_product/train-00001-of-00008.parquet
deleted file mode 100644
index 1189bcb2c63da72ec33888c0a65665ac0c17573e..0000000000000000000000000000000000000000
--- a/amazon_polarity_User_recommend_this_product/train-00001-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:680c566dd880d7bfca6b8cc773fa982305acc88129719db09c9a4dc9f836dcb1
-size 223063381
diff --git a/amazon_polarity_User_recommend_this_product/train-00002-of-00008.parquet b/amazon_polarity_User_recommend_this_product/train-00002-of-00008.parquet
deleted file mode 100644
index f6daf851934884ef7789ec38b6194bb67502d6b7..0000000000000000000000000000000000000000
--- a/amazon_polarity_User_recommend_this_product/train-00002-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4ed66461441ee7e4f832e353f5a543c6d63bee985304812deb931f923f2f1a43
-size 223700727
diff --git a/amazon_polarity_User_recommend_this_product/train-00003-of-00008.parquet b/amazon_polarity_User_recommend_this_product/train-00003-of-00008.parquet
deleted file mode 100644
index 3908b8dca5042a3f2cd70a6d51c3585a86f45d7d..0000000000000000000000000000000000000000
--- a/amazon_polarity_User_recommend_this_product/train-00003-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:328785d9de3c66b6f1806cd4e0efec90066f68377bbb9917ebbdb5e94d8352e9
-size 221235291
diff --git a/amazon_polarity_User_recommend_this_product/train-00004-of-00008.parquet b/amazon_polarity_User_recommend_this_product/train-00004-of-00008.parquet
deleted file mode 100644
index 82e6779e52b35043c4926570fbb7b1520bbf8c17..0000000000000000000000000000000000000000
--- a/amazon_polarity_User_recommend_this_product/train-00004-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:234c53957116252aebc6273d4cc6b8f1df3268813206e1254aa4f8b70ce90dc8
-size 220530927
diff --git a/amazon_polarity_User_recommend_this_product/train-00005-of-00008.parquet b/amazon_polarity_User_recommend_this_product/train-00005-of-00008.parquet
deleted file mode 100644
index 21520f37a8bfa552bd3c4f20ebb0c6341f5871ef..0000000000000000000000000000000000000000
--- a/amazon_polarity_User_recommend_this_product/train-00005-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b21e7b3b3741866df80b72dacd9e8303cafbcb3a454711181826223fd7152b18
-size 218969366
diff --git a/amazon_polarity_User_recommend_this_product/train-00006-of-00008.parquet b/amazon_polarity_User_recommend_this_product/train-00006-of-00008.parquet
deleted file mode 100644
index 7813501854468da6593786e24edb3e35c8597846..0000000000000000000000000000000000000000
--- a/amazon_polarity_User_recommend_this_product/train-00006-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ab0e2c16a9294df7eb20cdda80649fa4d2edbc6421ac8530271367d84abd60bc
-size 218688688
diff --git a/amazon_polarity_User_recommend_this_product/train-00007-of-00008.parquet b/amazon_polarity_User_recommend_this_product/train-00007-of-00008.parquet
deleted file mode 100644
index 670a27b53826817d2db756f6e6504ff1b34cf91b..0000000000000000000000000000000000000000
--- a/amazon_polarity_User_recommend_this_product/train-00007-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8a527bcf649827c5994b1d9673f0909942fbef5a81d4d9d31f049a132843f054
-size 218860311
diff --git a/amazon_polarity_convey_negative_or_positive_sentiment/test-00000-of-00001.parquet b/amazon_polarity_convey_negative_or_positive_sentiment/test-00000-of-00001.parquet
deleted file mode 100644
index f8b740207348e9d4d3cce43cc89e1ed3ecb39b2a..0000000000000000000000000000000000000000
--- a/amazon_polarity_convey_negative_or_positive_sentiment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ed46bbb8e4e574f8e7cac10d47dc78c8a2cdef67e940e8e18e5ff18bf4d1488e
-size 214897206
diff --git a/amazon_polarity_convey_negative_or_positive_sentiment/train-00000-of-00008.parquet b/amazon_polarity_convey_negative_or_positive_sentiment/train-00000-of-00008.parquet
deleted file mode 100644
index cbd03585a9ab952d0d17e043842517d97aa9807e..0000000000000000000000000000000000000000
--- a/amazon_polarity_convey_negative_or_positive_sentiment/train-00000-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:00b95e06d641eaeefcf1c5d00ca1bb680585988c3582c9ed57c1c9c4301253f1
-size 239780801
diff --git a/amazon_polarity_convey_negative_or_positive_sentiment/train-00001-of-00008.parquet b/amazon_polarity_convey_negative_or_positive_sentiment/train-00001-of-00008.parquet
deleted file mode 100644
index bcfab01594481d4242d81c2269ad20f65f283926..0000000000000000000000000000000000000000
--- a/amazon_polarity_convey_negative_or_positive_sentiment/train-00001-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:90aa5a0578349c22eb07c139a349d8d033e4b6c1bd318a5e657ffde1057c583c
-size 238619048
diff --git a/amazon_polarity_convey_negative_or_positive_sentiment/train-00002-of-00008.parquet b/amazon_polarity_convey_negative_or_positive_sentiment/train-00002-of-00008.parquet
deleted file mode 100644
index 5e51b029d81f5ab0b5712c0a19328f2a13250309..0000000000000000000000000000000000000000
--- a/amazon_polarity_convey_negative_or_positive_sentiment/train-00002-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bafa200543bbcc7a32f926099b0d0db825a70ea22d1e1326967a39d071ea9802
-size 239062533
diff --git a/amazon_polarity_convey_negative_or_positive_sentiment/train-00003-of-00008.parquet b/amazon_polarity_convey_negative_or_positive_sentiment/train-00003-of-00008.parquet
deleted file mode 100644
index 1c3e2c6a429858848129f4df0fae535c9e8c824d..0000000000000000000000000000000000000000
--- a/amazon_polarity_convey_negative_or_positive_sentiment/train-00003-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:886a1e52208d5798da926a9970e9d38154ff704b24b05c80a95ab6dba5b844fe
-size 236571319
diff --git a/amazon_polarity_convey_negative_or_positive_sentiment/train-00004-of-00008.parquet b/amazon_polarity_convey_negative_or_positive_sentiment/train-00004-of-00008.parquet
deleted file mode 100644
index 9fdc9f5efc71b78f852e777986032d7fed96b223..0000000000000000000000000000000000000000
--- a/amazon_polarity_convey_negative_or_positive_sentiment/train-00004-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:52b9bdea0fd0bfc96a9d7dc94f071c906e0c8f043e86f3e8552d202a0a729e36
-size 235719430
diff --git a/amazon_polarity_convey_negative_or_positive_sentiment/train-00005-of-00008.parquet b/amazon_polarity_convey_negative_or_positive_sentiment/train-00005-of-00008.parquet
deleted file mode 100644
index efa9f053d3dc982899be74ca1a7a24ddcbdf921d..0000000000000000000000000000000000000000
--- a/amazon_polarity_convey_negative_or_positive_sentiment/train-00005-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cdbd14bdcc5f48513ab7385f5c97483ea6c89e44fee1e7578bafdf6d0a4e659d
-size 234417895
diff --git a/amazon_polarity_convey_negative_or_positive_sentiment/train-00006-of-00008.parquet b/amazon_polarity_convey_negative_or_positive_sentiment/train-00006-of-00008.parquet
deleted file mode 100644
index 070be34d8fe88403e1c57c4c2c32e405372f6176..0000000000000000000000000000000000000000
--- a/amazon_polarity_convey_negative_or_positive_sentiment/train-00006-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6ae9cace70a3fa717264ddb9cc6736f25768872fd49414f60de3523f4788e81e
-size 233897225
diff --git a/amazon_polarity_convey_negative_or_positive_sentiment/train-00007-of-00008.parquet b/amazon_polarity_convey_negative_or_positive_sentiment/train-00007-of-00008.parquet
deleted file mode 100644
index 30a7ba3db6a74a25e2ee653cc833f4be63dea0a4..0000000000000000000000000000000000000000
--- a/amazon_polarity_convey_negative_or_positive_sentiment/train-00007-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cd04763d8c6ab07e68212211b2757a16d1b8f5d62ec6177ae18a31c00521abad
-size 234166187
diff --git a/amazon_polarity_flattering_or_not/test-00000-of-00001.parquet b/amazon_polarity_flattering_or_not/test-00000-of-00001.parquet
deleted file mode 100644
index 50f7e83aa8e9ab8c28a4c62f9eb61f5aea1e1af9..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:44d27963e2dbe458cb3faeca9b26d7a2ac436bfad7ce28119dcd2068bc47294a
-size 216328739
diff --git a/amazon_polarity_flattering_or_not/train-00000-of-00009.parquet b/amazon_polarity_flattering_or_not/train-00000-of-00009.parquet
deleted file mode 100644
index 1f89aafb116b2f8db805813d1f94bf5e319a26d7..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/train-00000-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1586b3064c92ce3f109e54e6a51cac6ffb221bc823eb31fe9f03340b9dd86266
-size 214699227
diff --git a/amazon_polarity_flattering_or_not/train-00001-of-00009.parquet b/amazon_polarity_flattering_or_not/train-00001-of-00009.parquet
deleted file mode 100644
index 501e56567762593901afa195f6c787f661ae8094..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/train-00001-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b2ed2a23b9c9c48854f01e96b7df18f4cce48976f6be59d7e01c4dde596f8e2
-size 213683229
diff --git a/amazon_polarity_flattering_or_not/train-00002-of-00009.parquet b/amazon_polarity_flattering_or_not/train-00002-of-00009.parquet
deleted file mode 100644
index ffeace45b5bb73ab0850f3efd32162c15317d636..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/train-00002-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:520e19f0193c817808f44729ca574eba3eeb9efbc03acac44ce718aa85ce18d3
-size 213420394
diff --git a/amazon_polarity_flattering_or_not/train-00003-of-00009.parquet b/amazon_polarity_flattering_or_not/train-00003-of-00009.parquet
deleted file mode 100644
index e6e279250421057d630dd7f73d3f0a3929e200a3..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/train-00003-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:13c0041a4314762415e122f0840d800e7d02465590dba897eb9e51b715b55f05
-size 213173850
diff --git a/amazon_polarity_flattering_or_not/train-00004-of-00009.parquet b/amazon_polarity_flattering_or_not/train-00004-of-00009.parquet
deleted file mode 100644
index 086c94f7841ae7815c252c338c6aaadb0535229c..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/train-00004-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4aadc41bb910d00d747b39ac17aa381ba7e7bccfbc08e694f3203751321e3547
-size 211151559
diff --git a/amazon_polarity_flattering_or_not/train-00005-of-00009.parquet b/amazon_polarity_flattering_or_not/train-00005-of-00009.parquet
deleted file mode 100644
index 3063f83cd3aac2d1fa7adce69047f4143c7cae63..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/train-00005-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:978f760441b5bcfd46d5d8d1090c01a4ac47a5a3bde6c91b61f4dd40f80aba6e
-size 210663862
diff --git a/amazon_polarity_flattering_or_not/train-00006-of-00009.parquet b/amazon_polarity_flattering_or_not/train-00006-of-00009.parquet
deleted file mode 100644
index 0c82d882f5691d822a664b302cfd00b70ad433a4..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/train-00006-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b7be2f534286ca5eb195acb3cdc1d22f740309cf0c27dc8d94e347fdef0b7c4f
-size 209943685
diff --git a/amazon_polarity_flattering_or_not/train-00007-of-00009.parquet b/amazon_polarity_flattering_or_not/train-00007-of-00009.parquet
deleted file mode 100644
index 0dfcf0a4fd67ca7934ca8a38ec155d98cc0bf4a3..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/train-00007-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:05bd0d5b79124536a2149abf0b1c6cc99b615fed673870a54954c97ed498fcd6
-size 208900077
diff --git a/amazon_polarity_flattering_or_not/train-00008-of-00009.parquet b/amazon_polarity_flattering_or_not/train-00008-of-00009.parquet
deleted file mode 100644
index 108d572650827426edb0a5103e90001228c4c265..0000000000000000000000000000000000000000
--- a/amazon_polarity_flattering_or_not/train-00008-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:594e170c61e9e98fa59b746935cbb29467657ae08e69e3d921e8511950503a3f
-size 209846596
diff --git a/amazon_polarity_negative_or_positive_tone/test-00000-of-00001.parquet b/amazon_polarity_negative_or_positive_tone/test-00000-of-00001.parquet
deleted file mode 100644
index c11ac4e9bba09e4a3ecf992c01bd716b0c6c4716..0000000000000000000000000000000000000000
--- a/amazon_polarity_negative_or_positive_tone/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0d2648438150326ab7f7a2b896150dfb689f6525b3d1261e0446f7bfac33868d
-size 214823985
diff --git a/amazon_polarity_negative_or_positive_tone/train-00000-of-00008.parquet b/amazon_polarity_negative_or_positive_tone/train-00000-of-00008.parquet
deleted file mode 100644
index ad0212c5ee056c91eedf029a2267eba3f3cc297b..0000000000000000000000000000000000000000
--- a/amazon_polarity_negative_or_positive_tone/train-00000-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:753c927acfb4340372dea16423840d84057bbec215498f8672c3cd5e74a4b40a
-size 239662972
diff --git a/amazon_polarity_negative_or_positive_tone/train-00001-of-00008.parquet b/amazon_polarity_negative_or_positive_tone/train-00001-of-00008.parquet
deleted file mode 100644
index d4af85a24e46f09f4dfdf2f7cf1f808612deceb0..0000000000000000000000000000000000000000
--- a/amazon_polarity_negative_or_positive_tone/train-00001-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4dd195500ce308d12d1896b2c5df691ddd9273ea36961d0e30770f4c0fd4c729
-size 238460984
diff --git a/amazon_polarity_negative_or_positive_tone/train-00002-of-00008.parquet b/amazon_polarity_negative_or_positive_tone/train-00002-of-00008.parquet
deleted file mode 100644
index ac26cd6bcdf3f816da3196d54267202ce06ec4d9..0000000000000000000000000000000000000000
--- a/amazon_polarity_negative_or_positive_tone/train-00002-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f9e16a170e1e520ed23a404d06f9416fa4e6e39d685edc2abf127f54cbfa17e8
-size 238875824
diff --git a/amazon_polarity_negative_or_positive_tone/train-00003-of-00008.parquet b/amazon_polarity_negative_or_positive_tone/train-00003-of-00008.parquet
deleted file mode 100644
index 1c93f59f2dac2ed3779ce35d634b3399836684f4..0000000000000000000000000000000000000000
--- a/amazon_polarity_negative_or_positive_tone/train-00003-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a1ddc0580d6fa97a6137301ac6c81ef1a0d10f2377ad25cfefe57d51977bd0fd
-size 236404730
diff --git a/amazon_polarity_negative_or_positive_tone/train-00004-of-00008.parquet b/amazon_polarity_negative_or_positive_tone/train-00004-of-00008.parquet
deleted file mode 100644
index 6fc6516f6ce5ff899d2e395b47181d6b40783cb3..0000000000000000000000000000000000000000
--- a/amazon_polarity_negative_or_positive_tone/train-00004-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fcc8136b54a8632807733992b6cb4013ccd7da1d4cea21baae2dc489118c08fa
-size 235762770
diff --git a/amazon_polarity_negative_or_positive_tone/train-00005-of-00008.parquet b/amazon_polarity_negative_or_positive_tone/train-00005-of-00008.parquet
deleted file mode 100644
index df1731ecc93f540beb2e9be6713f249a7cb14630..0000000000000000000000000000000000000000
--- a/amazon_polarity_negative_or_positive_tone/train-00005-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:49387c83b238a563400bae133f9853a9cbb38f8c639944efcb0bb9b6e8e527cd
-size 234237874
diff --git a/amazon_polarity_negative_or_positive_tone/train-00006-of-00008.parquet b/amazon_polarity_negative_or_positive_tone/train-00006-of-00008.parquet
deleted file mode 100644
index 3718610c4b27ee3f5bfb8eb6175c1a3465dd5887..0000000000000000000000000000000000000000
--- a/amazon_polarity_negative_or_positive_tone/train-00006-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f889223bf02fc70c06f3379f73079bb82829380890c841181829ed33ac314050
-size 233670943
diff --git a/amazon_polarity_negative_or_positive_tone/train-00007-of-00008.parquet b/amazon_polarity_negative_or_positive_tone/train-00007-of-00008.parquet
deleted file mode 100644
index 6ec65e1993a758820cf9e9253039b643cb14f7db..0000000000000000000000000000000000000000
--- a/amazon_polarity_negative_or_positive_tone/train-00007-of-00008.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:06aadfdeb6c6ee8de2bcac5f68bb5d61dcb12e3fcf53f5c2b4fde19c8afa82af
-size 234072987
diff --git a/amazon_polarity_user_satisfied/test-00000-of-00001.parquet b/amazon_polarity_user_satisfied/test-00000-of-00001.parquet
deleted file mode 100644
index 6543485739b2e6680f0b6f288da85393fcb19733..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:69e5b26915feb18d40d5853d928873b3566592ced1ddad69a9d802529d5370a1
-size 215392118
diff --git a/amazon_polarity_user_satisfied/train-00000-of-00009.parquet b/amazon_polarity_user_satisfied/train-00000-of-00009.parquet
deleted file mode 100644
index 56185eb253b6afa50da6a0223dd3fb7962e56129..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/train-00000-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0add6af6270a63c1c12fc05899628358e6a9afea79b1c5476b17893c18a3b8dd
-size 213840973
diff --git a/amazon_polarity_user_satisfied/train-00001-of-00009.parquet b/amazon_polarity_user_satisfied/train-00001-of-00009.parquet
deleted file mode 100644
index 8c831aa42ca3ed84af698c763d573757a5d9e56b..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/train-00001-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e32cafe3b94201f81cf275c85b25f7aaaadebb278bd0e4ab11be7d6c4009e6bc
-size 212788974
diff --git a/amazon_polarity_user_satisfied/train-00002-of-00009.parquet b/amazon_polarity_user_satisfied/train-00002-of-00009.parquet
deleted file mode 100644
index 1ea64a3b06cfeaade89e93ddc92778b8301fc9f9..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/train-00002-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ecaba1dde67ebea059b24c88164e43e0961a1824f1e2e5df82771ff8b6cc2928
-size 212325643
diff --git a/amazon_polarity_user_satisfied/train-00003-of-00009.parquet b/amazon_polarity_user_satisfied/train-00003-of-00009.parquet
deleted file mode 100644
index b42685e7a11b0522e610d33b29dd7d3ac66089f2..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/train-00003-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2c06dfcac4722570ab989d677e6cfdb0557f13a7182cf2d1ab144d4c9ad810f2
-size 212342322
diff --git a/amazon_polarity_user_satisfied/train-00004-of-00009.parquet b/amazon_polarity_user_satisfied/train-00004-of-00009.parquet
deleted file mode 100644
index deb631130653d902bcdedaea1ed17ed248e1f902..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/train-00004-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f395ad14c7f8890fd78492c85b1c2ccf2bc25b73f1730e7dca3339e206bf35d8
-size 210142216
diff --git a/amazon_polarity_user_satisfied/train-00005-of-00009.parquet b/amazon_polarity_user_satisfied/train-00005-of-00009.parquet
deleted file mode 100644
index fd4e4e3f4483a8a47b9a10908f0a0fe5c95e0613..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/train-00005-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5e6ff505df1fb6d4f36381b20c9bcb95fd22f48e6c6d728d2b0230ab10792d69
-size 209668729
diff --git a/amazon_polarity_user_satisfied/train-00006-of-00009.parquet b/amazon_polarity_user_satisfied/train-00006-of-00009.parquet
deleted file mode 100644
index 6182345afff0af8b2a6863c85a882190efd5ff0d..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/train-00006-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:df182c9d92c0bae7cf88d9ccddb069b2b84866a16be312bd9e82fbb76231a21f
-size 209032072
diff --git a/amazon_polarity_user_satisfied/train-00007-of-00009.parquet b/amazon_polarity_user_satisfied/train-00007-of-00009.parquet
deleted file mode 100644
index 2db1f07e7788df60bb0b73b342ee953f5bcc3dc0..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/train-00007-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f05cf9112f26401a971196b54b3bc4cd9dc6d924073caeb66075f0df8e819500
-size 208019981
diff --git a/amazon_polarity_user_satisfied/train-00008-of-00009.parquet b/amazon_polarity_user_satisfied/train-00008-of-00009.parquet
deleted file mode 100644
index a40b5c0713ddc4d851631471ff0e13a2e25a7303..0000000000000000000000000000000000000000
--- a/amazon_polarity_user_satisfied/train-00008-of-00009.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:72b58a7b9bd625e82c2970e6e23ecacb6b7fd5170c02b899e5fd61c923b2678b
-size 208972468
diff --git a/amazon_polarity_would_you_buy/test-00000-of-00002.parquet b/amazon_polarity_would_you_buy/test-00000-of-00002.parquet
deleted file mode 100644
index 2515bf81311246fa3fe8a96329864d8c7eb9b0d4..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/test-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e5b182f658e4b851959f3351d3709c7ef6868c99cb33aa1b7378c77bf164f23b
-size 110281702
diff --git a/amazon_polarity_would_you_buy/test-00001-of-00002.parquet b/amazon_polarity_would_you_buy/test-00001-of-00002.parquet
deleted file mode 100644
index e3fa359b63862c3ec4984c3c6918e650093cb9a1..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/test-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7eb80524ee649645c178c6eba7930312800b2bc67cb8d9eeccc628260b0184f9
-size 108398346
diff --git a/amazon_polarity_would_you_buy/train-00000-of-00010.parquet b/amazon_polarity_would_you_buy/train-00000-of-00010.parquet
deleted file mode 100644
index 58cb987a514b360d9497e4b1e00fde12583ec8f7..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00000-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:09f4ed294f81d0a6f8d20e2f2e95d59259f931892d7e6b9295946aa945052b1a
-size 195671885
diff --git a/amazon_polarity_would_you_buy/train-00001-of-00010.parquet b/amazon_polarity_would_you_buy/train-00001-of-00010.parquet
deleted file mode 100644
index a332407ba06fcce373b6a8c59f3c5ef4200a2139..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00001-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:92110d7050ab9d5f721193f2c8da5bc5d6f025ffe9db5b13b630422e19bfb3bd
-size 194419616
diff --git a/amazon_polarity_would_you_buy/train-00002-of-00010.parquet b/amazon_polarity_would_you_buy/train-00002-of-00010.parquet
deleted file mode 100644
index 52ca1bacb5222d8f0da8d452970796a272b2a13b..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00002-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3a3779672458b308de117d419100bebd8c852b98f5c1044ae9b9fa35be9cab94
-size 194556259
diff --git a/amazon_polarity_would_you_buy/train-00003-of-00010.parquet b/amazon_polarity_would_you_buy/train-00003-of-00010.parquet
deleted file mode 100644
index 033967bb718084ac76be158186296b21929d8250..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00003-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a96c3a7b33b81d2fa995386837ceddaa5386313ef7fbbf56015c18c379ad1fd
-size 193654328
diff --git a/amazon_polarity_would_you_buy/train-00004-of-00010.parquet b/amazon_polarity_would_you_buy/train-00004-of-00010.parquet
deleted file mode 100644
index a0f6ab36c93d44e49d9587809a9a13e40b08722f..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00004-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:accd21aa807039732200f4829cb4c4b6585d4a0e0d1025f1377321b3f754b241
-size 193099792
diff --git a/amazon_polarity_would_you_buy/train-00005-of-00010.parquet b/amazon_polarity_would_you_buy/train-00005-of-00010.parquet
deleted file mode 100644
index d13c0bbb23589b9f23736fd8754684dfd61e0375..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00005-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:83f4cff5282f1f1656ba2ae29f85913a79ea6c86e9f5f25db26c02d590c75b4f
-size 192443055
diff --git a/amazon_polarity_would_you_buy/train-00006-of-00010.parquet b/amazon_polarity_would_you_buy/train-00006-of-00010.parquet
deleted file mode 100644
index 28182a92f96fe9788e52e044c6207c8b02ad5067..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00006-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:209529020cfa5d3359a5eefeacc9c8232ac8fa3712fa46f9768b3b08bff4ccb3
-size 191014466
diff --git a/amazon_polarity_would_you_buy/train-00007-of-00010.parquet b/amazon_polarity_would_you_buy/train-00007-of-00010.parquet
deleted file mode 100644
index fe85193dc738140a8cec8c10c2eec4a476cba3ef..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00007-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1033b2095bda1d536ea23b67c8e815841aba022338665ea803ce6358a8dd7394
-size 190895138
diff --git a/amazon_polarity_would_you_buy/train-00008-of-00010.parquet b/amazon_polarity_would_you_buy/train-00008-of-00010.parquet
deleted file mode 100644
index b5127e289507311fc5050b3082ab05a455a193a7..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00008-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b4f32eefef6fb5500d780c4c871d02be6dfc3dda2b2f87d22e2b9aebb2090f33
-size 190196199
diff --git a/amazon_polarity_would_you_buy/train-00009-of-00010.parquet b/amazon_polarity_would_you_buy/train-00009-of-00010.parquet
deleted file mode 100644
index 533c115739e1604d3cbe2217b2fd7d4fdadc661f..0000000000000000000000000000000000000000
--- a/amazon_polarity_would_you_buy/train-00009-of-00010.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:337d8d2693d51fc7f9bdce11eb5638b9c80dfe6b3c5df782fb83a74f2dcd1275
-size 191131542
diff --git a/anli_GPT_3_style_r1/test-00000-of-00001.parquet b/anli_GPT_3_style_r1/test-00000-of-00001.parquet
deleted file mode 100644
index f1c5c6a55c858e6a35d0d0e86d22353a21b13a60..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:325200bc2744ca8d55190f88fc73e4f20ad6bf06998de791c54176b964e70e97
-size 465470
diff --git a/anli_GPT_3_style_r1/train-00000-of-00001.parquet b/anli_GPT_3_style_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 766a4b5a0d1c583bc41500d81f906ebb311195a7..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a62c981785ee7815c465b87dbf0781ca406cc8818420f27b62804417991a4d12
-size 5882722
diff --git a/anli_GPT_3_style_r1/validation-00000-of-00001.parquet b/anli_GPT_3_style_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index 16f11a3a280a67f9b371c0bee1eb5ff6faec75f1..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8fac2706b61056c7e1e969c46ad43872305f943b7f3b5b3a692609d848718ae1
-size 472221
diff --git a/anli_GPT_3_style_r1_score_eval/test-00000-of-00001.parquet b/anli_GPT_3_style_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 51758eeafd8419ac3918b184cc98af44eeaea748..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ae46865fb4481f8edbccd660915cf1c01170d7bdf8df52db58a0df2981e87a44
-size 800861
diff --git a/anli_GPT_3_style_r1_score_eval/train-00000-of-00001.parquet b/anli_GPT_3_style_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 2374882981ab0503867bcfaa6fd8797608f62978..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:346af6183f940afac10c735692f0d163dba4536ca2e2517c4472ac3c45628ec6
-size 7482858
diff --git a/anli_GPT_3_style_r1_score_eval/validation-00000-of-00001.parquet b/anli_GPT_3_style_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 45360128c169d57bb7b7830ca721539933e3087c..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3504315b8f31fee3c2bcb4575d14d6224028eccd540dcb1a8f9fef9bacc2fdc8
-size 811913
diff --git a/anli_GPT_3_style_r2/test-00000-of-00001.parquet b/anli_GPT_3_style_r2/test-00000-of-00001.parquet
deleted file mode 100644
index 3a5f0a28d8a5fb51e791d7e390fa3791a180cce1..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:78086dedde95d6624b536a67f65ffc27506eaec62d489aa3a0ec2e06e50ba120
-size 471065
diff --git a/anli_GPT_3_style_r2/train-00000-of-00001.parquet b/anli_GPT_3_style_r2/train-00000-of-00001.parquet
deleted file mode 100644
index 6292e2abcc1e11455da4a4d7d47ad080e5979b8c..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bd3b3f3c41c99bb3d135b2b7fcf64100fe2ada6fb02d85cb68fe0bafdaa82202
-size 13048474
diff --git a/anli_GPT_3_style_r2/validation-00000-of-00001.parquet b/anli_GPT_3_style_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index 48ec3050e23c61e6f92b5b304ef499999f38cc2d..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fcb1a588add0b3344010ae00dcef5e2183aab53b2d57d33b9bbd7d1a239fc0ff
-size 468059
diff --git a/anli_GPT_3_style_r2_score_eval/test-00000-of-00001.parquet b/anli_GPT_3_style_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 258a326f4fcfbc9c74d5f8ae8f3769defdaf7ab5..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b750cb5f887efccaebef89f7474b7bf560c4d20676b463e725609d28814f027d
-size 826744
diff --git a/anli_GPT_3_style_r2_score_eval/train-00000-of-00001.parquet b/anli_GPT_3_style_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 215ae9f499a345d5ded7c6147fb8ee1c62b1eccc..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:26659e9b00dc17c5b480cf72379522856d8adabfbdd126e6ca884bfbe6a8b297
-size 16034218
diff --git a/anli_GPT_3_style_r2_score_eval/validation-00000-of-00001.parquet b/anli_GPT_3_style_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index e7823da8dcf3f4a255403a8a0baa0764e49a31e6..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e8af6b65e1b33322bf88509ad5ef96249158252e0ec1817389f0e7918f06073c
-size 799899
diff --git a/anli_GPT_3_style_r3/test-00000-of-00001.parquet b/anli_GPT_3_style_r3/test-00000-of-00001.parquet
deleted file mode 100644
index 5caac63fa01440e1bcacb4f3071a1e236689a89a..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b5037f3c0ba6a5dee562fc38b69d921e27c2da7cff133b04f7e2fed4b4a14f27
-size 547287
diff --git a/anli_GPT_3_style_r3/train-00000-of-00001.parquet b/anli_GPT_3_style_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 74df754960ab1fc6cd46bb1bae2e814243684e34..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c62a3414ccdfb09ded646fa188994764b1a4ebfe158efe23c72fe4ebe33aa786
-size 27469022
diff --git a/anli_GPT_3_style_r3/validation-00000-of-00001.parquet b/anli_GPT_3_style_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index 409d306421806e0d2c4c2e96573664e165b5a9cf..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:289a376a867b19473d4645932e262967ae003fa13131f681061b86542278bfb2
-size 555867
diff --git a/anli_GPT_3_style_r3_score_eval/test-00000-of-00001.parquet b/anli_GPT_3_style_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b351e6f1e3d383cad19947f392db5eb7b7643216..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0994e56110aa48a10a44d12153edb157f2db530cf990e8faccfdd752cbe860c5
-size 893846
diff --git a/anli_GPT_3_style_r3_score_eval/train-00000-of-00001.parquet b/anli_GPT_3_style_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 69f1d94af493e629b5235acd6b136039953bc44c..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d86a11934acdd79b5af8cc10f3f3066f157ea635e758b77cba7c92268f12817a
-size 34949397
diff --git a/anli_GPT_3_style_r3_score_eval/validation-00000-of-00001.parquet b/anli_GPT_3_style_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index a3db4e17690b72201c7e93504b3abc9ba3e209a3..0000000000000000000000000000000000000000
--- a/anli_GPT_3_style_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:49f2350b850688a501d9335a7a451584ab2538dd4e7aa517826616907476584c
-size 882516
diff --git a/anli_MNLI_crowdsource_r1/test-00000-of-00001.parquet b/anli_MNLI_crowdsource_r1/test-00000-of-00001.parquet
deleted file mode 100644
index 5753c84b74a01c4f4262d78625e699364e171cbb..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ab80bad1349e5fde741470b805b9291871632d53b3edc24f25e5f9eff09fbc7a
-size 475140
diff --git a/anli_MNLI_crowdsource_r1/train-00000-of-00001.parquet b/anli_MNLI_crowdsource_r1/train-00000-of-00001.parquet
deleted file mode 100644
index f914d20cc060da3e33f44acbfb734f86991cb5ea..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:730e4afbf49444e2d7c1826ed9174cd95e0bf4c48dfeb1e0acec9f1c6ba0414f
-size 6082006
diff --git a/anli_MNLI_crowdsource_r1/validation-00000-of-00001.parquet b/anli_MNLI_crowdsource_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index 1550b236437c791b6d0c18fc6293a3cdf1786050..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b5f95eb6b3917114169f7712927ec159b24163c8806cdde6cf82f59aefdb5a5
-size 478148
diff --git a/anli_MNLI_crowdsource_r1_score_eval/test-00000-of-00001.parquet b/anli_MNLI_crowdsource_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 3d97ad53499dcbfb272f74cb9e8529ddfe9daf80..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b2e8874ed68a806c594eaed3688ea5b77bf6f14465661278a5d598b126033061
-size 830135
diff --git a/anli_MNLI_crowdsource_r1_score_eval/train-00000-of-00001.parquet b/anli_MNLI_crowdsource_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index edacdfc8c4c0b1076f6f1dec3b3f9d1ea4a571bc..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:131b1d5641c316146f581827b1d182663145dda4a4717b6ffaa67f87881a0dd0
-size 7750594
diff --git a/anli_MNLI_crowdsource_r1_score_eval/validation-00000-of-00001.parquet b/anli_MNLI_crowdsource_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2e4eecc945f9db00efb9e7e4c53ee934db27cf6e..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4d01959d07dd0415b2d598fae33c78490777179ae4b30c6df074fb204e392694
-size 844854
diff --git a/anli_MNLI_crowdsource_r2/test-00000-of-00001.parquet b/anli_MNLI_crowdsource_r2/test-00000-of-00001.parquet
deleted file mode 100644
index 70ce4bd6d17e6905812995683976dd62a630fab5..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a521f67f0337fab2b3f039b269430d8223d3ddcdcb0883f3279ec086520e7ccd
-size 483301
diff --git a/anli_MNLI_crowdsource_r2/train-00000-of-00001.parquet b/anli_MNLI_crowdsource_r2/train-00000-of-00001.parquet
deleted file mode 100644
index 78496876c1896f6e9f3ae5fc5c4ad2503c55183e..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a5539fe5f4aa5cd65e980fce84908e1fc94ddbe895e56d3c83d90e9734ed6d0
-size 13537339
diff --git a/anli_MNLI_crowdsource_r2/validation-00000-of-00001.parquet b/anli_MNLI_crowdsource_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index ca195c3cd0b41cd0865950cfb0d60553a77d365e..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4ac7e65f7d809dfd8ab8b19f3c86b5746ed035c4582f78dbc9e296d78e6d3a0f
-size 480272
diff --git a/anli_MNLI_crowdsource_r2_score_eval/test-00000-of-00001.parquet b/anli_MNLI_crowdsource_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 96fb4572eaa39eccc3689563157f18b4ec94cdf5..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:88fae75b856fe215573def5079f2feb2c8f9df32c1238f8262098d04bab2433c
-size 847625
diff --git a/anli_MNLI_crowdsource_r2_score_eval/train-00000-of-00001.parquet b/anli_MNLI_crowdsource_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 1706f95d7226fca42dfb404face90f1e2a8f6af6..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8d4ea8574bb329357537c41c37fea08992adfd5959ce7fa79b87b4b2965a9704
-size 16667045
diff --git a/anli_MNLI_crowdsource_r2_score_eval/validation-00000-of-00001.parquet b/anli_MNLI_crowdsource_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index b9c12c72fd781274f1e9218a89aef8a7f2bb8985..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dd231e49a0021cafb05f747432b5d5c018acccc0fb707eeea575241371574200
-size 813418
diff --git a/anli_MNLI_crowdsource_r3/test-00000-of-00001.parquet b/anli_MNLI_crowdsource_r3/test-00000-of-00001.parquet
deleted file mode 100644
index 5c230f5c58894ca3e028a261a2c7538ad6de2ba0..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6e162465ac2017ae8185b73e6b7d5e543e33daec22b282cccd340a80aafd7d1f
-size 561241
diff --git a/anli_MNLI_crowdsource_r3/train-00000-of-00001.parquet b/anli_MNLI_crowdsource_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 7a0296ccb9cf5ac23124caa203a1ca927aefd20f..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1e8f7a3ac5ce0c6bdd9519fda3630f853d6e6d35909a7f10be9660b49fb96a1d
-size 28477428
diff --git a/anli_MNLI_crowdsource_r3/validation-00000-of-00001.parquet b/anli_MNLI_crowdsource_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index 79b0f0f2bc88624a971835a726f54b4961afac2c..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4f4ce906fd13ea673b842fb34209c30e0200e851852fd3ed644e740ea05f33c7
-size 574934
diff --git a/anli_MNLI_crowdsource_r3_score_eval/test-00000-of-00001.parquet b/anli_MNLI_crowdsource_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 88b045dd6865bc0c73839ac2d1e2def536297ece..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:139d1ad4349d74e6cb2413b34f4f823b0d9742227a59d6850f859afe08cda4c3
-size 893724
diff --git a/anli_MNLI_crowdsource_r3_score_eval/train-00000-of-00001.parquet b/anli_MNLI_crowdsource_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 51edbc91e4dcf7ba6d901ee7f87533c320be91fa..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:75633d187abbf319da07dffb1ca95338df38230d0cf021ac525bb93841a0ff53
-size 36206572
diff --git a/anli_MNLI_crowdsource_r3_score_eval/validation-00000-of-00001.parquet b/anli_MNLI_crowdsource_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 7af2c081618db95dd6a22e7ef0c7d0e3563240bf..0000000000000000000000000000000000000000
--- a/anli_MNLI_crowdsource_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:600b6e2b88f5ecceded880ce1a6f6b4e04f48cd64c6029575f4d35e0afc68301
-size 924633
diff --git a/anli_always_sometimes_never_r1/test-00000-of-00001.parquet b/anli_always_sometimes_never_r1/test-00000-of-00001.parquet
deleted file mode 100644
index 0d5f7c81051ca202b1db39fd3dce36e700fa2657..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6a6b77aaee9ec87f1bd355ca199026138db4f8f72f6170416e2b866bc395d343
-size 470277
diff --git a/anli_always_sometimes_never_r1/train-00000-of-00001.parquet b/anli_always_sometimes_never_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 6b69bd1bb3e58cfd8307132b6db29c313a99bad5..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b6d7c6cac272fbb8af7ab932df1cd2f000b988b3cd4d9ac79459c35c79cafc73
-size 5970387
diff --git a/anli_always_sometimes_never_r1/validation-00000-of-00001.parquet b/anli_always_sometimes_never_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index eae67b690d880d0eeb3f60364606d1f87346db17..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6bf28e5ec736fa65304c047e821f1a92a1669da287fe0816e714f92b5c360608
-size 471588
diff --git a/anli_always_sometimes_never_r1_score_eval/test-00000-of-00001.parquet b/anli_always_sometimes_never_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index aa23b1d88b18e84fc011ba4c2ecf6fac48e45d7d..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2cdcd573e62a7e65a79f80962f6afa9c0dfd0e7f607ad8a7d9d6b7b50e8a39d7
-size 800897
diff --git a/anli_always_sometimes_never_r1_score_eval/train-00000-of-00001.parquet b/anli_always_sometimes_never_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index edd7d27b9be9c2e9dbafdecc84fc98ab73593cf2..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:65480e8166e26702241049f96ffbf07d04af053318a862653bd6e08b0fd7294c
-size 7636424
diff --git a/anli_always_sometimes_never_r1_score_eval/validation-00000-of-00001.parquet b/anli_always_sometimes_never_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index aa1924d84c06a4dcc14a50b98bec57b3a962547b..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bf441af41e04dd2ead1e58df1c87e2f197877de4a35a489f5a6e2845cad5d248
-size 833096
diff --git a/anli_always_sometimes_never_r2/test-00000-of-00001.parquet b/anli_always_sometimes_never_r2/test-00000-of-00001.parquet
deleted file mode 100644
index d96141ddc5cfa8e5dea80d202cf90b378cf5ec86..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d5f26e1774dade69dda6b0ff18b300944a72264d780bbc8ff8188f0524a120e2
-size 479071
diff --git a/anli_always_sometimes_never_r2/train-00000-of-00001.parquet b/anli_always_sometimes_never_r2/train-00000-of-00001.parquet
deleted file mode 100644
index 3240096b0ddbe3024425ddc9ab767c158f6151e5..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dbc64f5e4b506376fa03ea9d14c491b1711aefec0e9b32b3c341e160c5c37172
-size 13166918
diff --git a/anli_always_sometimes_never_r2/validation-00000-of-00001.parquet b/anli_always_sometimes_never_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index ce3dad1333455e0dc8882c5df56e5ad1e40018d7..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:276476f5d0490003cbfa9fc93cabf173c43bad47e93c817f2387bf165e06f6e1
-size 474040
diff --git a/anli_always_sometimes_never_r2_score_eval/test-00000-of-00001.parquet b/anli_always_sometimes_never_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b0178601521d7ab776d05be675c3bb9142a271ca..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d7643a70af2b3b12e3d43da5e9691322c9c809579fa55abb6c0fd481c727790e
-size 804118
diff --git a/anli_always_sometimes_never_r2_score_eval/train-00000-of-00001.parquet b/anli_always_sometimes_never_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index cda10e84e8e206127caa79f9f43e422b2f5796c2..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:68fe64a2877c61dbe6b8365bb3bc9c006bb532a473384df1eed9cf9c93b25a66
-size 16342175
diff --git a/anli_always_sometimes_never_r2_score_eval/validation-00000-of-00001.parquet b/anli_always_sometimes_never_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 15d28ffad49b32db927c0a9000ccc5ca01ae7b3a..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f0352ec45273019a6af540e3c106299534095807a4bea3f914f93a5c24cf67f6
-size 798031
diff --git a/anli_always_sometimes_never_r3/test-00000-of-00001.parquet b/anli_always_sometimes_never_r3/test-00000-of-00001.parquet
deleted file mode 100644
index 2d7858d2a93d4590446d1df1a81d0a137de91e1a..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9bcad9b4b31aec40bbd6e8170abf8ffc62f3c3c764b82737b9f3daa62fd328fe
-size 553186
diff --git a/anli_always_sometimes_never_r3/train-00000-of-00001.parquet b/anli_always_sometimes_never_r3/train-00000-of-00001.parquet
deleted file mode 100644
index d54e0450d054e72c527926cd3d326531037837f8..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ec188484552d9b6a1985116b41bde75c8a7c29c3580fbb261b490fcfe17d3426
-size 27928041
diff --git a/anli_always_sometimes_never_r3/validation-00000-of-00001.parquet b/anli_always_sometimes_never_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index 9d5b3f35fcb8bca7eb360e2de391fc7fa7f5173c..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8351479cddb5d5b3ff30c90bcae75bdbf3bf4a56862a9dface7faa26c44f2bd7
-size 556710
diff --git a/anli_always_sometimes_never_r3_score_eval/test-00000-of-00001.parquet b/anli_always_sometimes_never_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 055c0c48a0e78780d54eec4003e5023a67af679b..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0ffa42baa56bdc21a9cb5e020344a69d2da9a266341631694692c12cfc6cfdeb
-size 910134
diff --git a/anli_always_sometimes_never_r3_score_eval/train-00000-of-00001.parquet b/anli_always_sometimes_never_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 76226c1c7696732786fee09cf2129ff6c0367113..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:11514fdcd6968b7ea1e749ea118de2985d7e26872984f57ffde7a790f35efc15
-size 35505665
diff --git a/anli_always_sometimes_never_r3_score_eval/validation-00000-of-00001.parquet b/anli_always_sometimes_never_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 0e31b87ecb8945cfedfa7095a1960ad0b715c616..0000000000000000000000000000000000000000
--- a/anli_always_sometimes_never_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0831faa8a79374fcf3b4bd443db001f93047bb19fe16877869a5daba18422616
-size 889828
diff --git a/anli_based_on_the_previous_passage_r1/test-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r1/test-00000-of-00001.parquet
deleted file mode 100644
index fed25d2bfe66d7987eb6639a97d91a638facc545..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:793ab72568c413e6a8cae884356fa8c7bc0d0d126b8bd5ca04d9d20c582dac06
-size 469915
diff --git a/anli_based_on_the_previous_passage_r1/train-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r1/train-00000-of-00001.parquet
deleted file mode 100644
index f3f5d2d19059b41067df1d9186eb47224c0366a1..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:38508aa597754ee0a55a49359c8993adcae28980ec5e61f3dc6a144e510b55bf
-size 5954779
diff --git a/anli_based_on_the_previous_passage_r1/validation-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index 08ba9f5b51f874b0d1bf91356463f2a2498e5044..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a806cdaae8fba761213d56e83678a29abd6f648598e0e000a6caef0b975a330f
-size 476311
diff --git a/anli_based_on_the_previous_passage_r1_score_eval/test-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index fa526ac06aa7eb9bfcdd33d010ae780a11235409..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7d6c54319c747f6886fa9f895a7cb55141332f065283e261274389f2a4706adc
-size 802322
diff --git a/anli_based_on_the_previous_passage_r1_score_eval/train-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index a5380b78ceec30f838dd70b1a3c481fd5c1efdb0..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d3cf11b0aa7cfd79bffd22483c20348578804db7263b500185611ec4a23bad49
-size 7657031
diff --git a/anli_based_on_the_previous_passage_r1_score_eval/validation-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 9980f3b6c372c6b0936e6f8b789ca1a030bb7933..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4361dfe9f93f495745fecdcd38f273efd0d24d7a522bbc3480aacdaf0e2c6645
-size 801685
diff --git a/anli_based_on_the_previous_passage_r2/test-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r2/test-00000-of-00001.parquet
deleted file mode 100644
index 037512d01d22c0122d143bc2f869ee0d83f4c424..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a084c4e6f13ce7bb5e9239c1af1a69170ee03693062ed6d68b37768446bbca5
-size 476581
diff --git a/anli_based_on_the_previous_passage_r2/train-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r2/train-00000-of-00001.parquet
deleted file mode 100644
index a6b7d6b0232a499c18ca5d290e59e9b74c550106..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a963079928904eeee742d33f93441e3bedb0beaead699a74558eb2b13328768c
-size 13228640
diff --git a/anli_based_on_the_previous_passage_r2/validation-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index 23c8c16155e5d38bcf51ccd742435d63099c7f27..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6300506ad77da52f32955caed8003f5785e302f1951cedb9dc57db18341e019b
-size 472541
diff --git a/anli_based_on_the_previous_passage_r2_score_eval/test-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 892ecc930e426a76e83ea61eb56e0aab226df02b..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2f41ebf30fc17eed155d1b1fbae22ff9eeef1e3bf94f5ec8d8abf4df07ef3990
-size 807272
diff --git a/anli_based_on_the_previous_passage_r2_score_eval/train-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 7d66d3863c2f40c8a0a8fe2daa6cc81ff5a7b020..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e58845a406b58a18ce08d845f4921110e739514ca59ecfd06b04401af31f54b7
-size 16377433
diff --git a/anli_based_on_the_previous_passage_r2_score_eval/validation-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index b07a2e45cfaec34612dd757c3ae1c6d43ab4536a..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1625bc657e1a641b04f9176626f8bf3465a5470a9434bc0537f5385f0ff495a4
-size 823574
diff --git a/anli_based_on_the_previous_passage_r3/test-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r3/test-00000-of-00001.parquet
deleted file mode 100644
index de4a25c4fc0672617a0b1b324528f6bbab2013a6..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c163e2997abd43f3662ce30b4f9e485b813ca899056ca957f0ec53c873d05793
-size 552983
diff --git a/anli_based_on_the_previous_passage_r3/train-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 946a2ab0e654e0e7373179d03eda84d17793f477..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:65c3524eb52b54a5e90d37ec0b53f177457f4809f4e579d668f0ee690a1cddb7
-size 27938958
diff --git a/anli_based_on_the_previous_passage_r3/validation-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index 61450dbaf47cf47076fbbd4a2fb550992705d1cd..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3ce97619bb469448d1c8773701cf12cd3230b7532a62b6c6d66872a552a14822
-size 556714
diff --git a/anli_based_on_the_previous_passage_r3_score_eval/test-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 132cec5faf0921b20e20d5ac1a0f931a7314aaee..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cc927418b2cba4faf1af8e82e57932d1be5f3d8429c3a1e75e473db9b77d61ff
-size 881470
diff --git a/anli_based_on_the_previous_passage_r3_score_eval/train-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 4fc160adb173d0b05ddce58fac21792143d2ef19..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:681a23e3d027d15562e09d36af0032bfb7a70f5d60bb224a3ce86de01c68a117
-size 35526877
diff --git a/anli_based_on_the_previous_passage_r3_score_eval/validation-00000-of-00001.parquet b/anli_based_on_the_previous_passage_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 507bc7e8c9c95ad7974d77bfcadcbadcd3148673..0000000000000000000000000000000000000000
--- a/anli_based_on_the_previous_passage_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e8c62941234351315dac7da0ab6b2ba5cb3dd5748c4b53fcd7a6c42ccfe3ff89
-size 905027
diff --git a/anli_can_we_infer_r1/test-00000-of-00001.parquet b/anli_can_we_infer_r1/test-00000-of-00001.parquet
deleted file mode 100644
index 98ebf7789dc40a46ba7e3c49574304259270ad8b..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7c0255ca37233b744aec8e0a9827691d2285e88b07e237ecbfdac18353b40204
-size 466343
diff --git a/anli_can_we_infer_r1/train-00000-of-00001.parquet b/anli_can_we_infer_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 5803642d18d14458fdcdf5b68f04e07ada4f960b..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3cb9f618e975d1198e761eec8bec373aadad0514426c31d22243215ae7a43dcd
-size 5904062
diff --git a/anli_can_we_infer_r1/validation-00000-of-00001.parquet b/anli_can_we_infer_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index a33933339f6f72fb09f6a480623932c395012d2a..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:40ef141fd6bc15e2752fb0a9f814c159870c1f0223128e504d5cb69dc5b2866a
-size 468957
diff --git a/anli_can_we_infer_r1_score_eval/test-00000-of-00001.parquet b/anli_can_we_infer_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 6bf1c58370dfb50dd069dec1a74df7b89833fb3d..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:774934509446608d3a75e4dc799861848ca87a775f1e4c7e11f0eddf5362790a
-size 792987
diff --git a/anli_can_we_infer_r1_score_eval/train-00000-of-00001.parquet b/anli_can_we_infer_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 1338a5fdbe8b70bd4cac8da7bcd5934af50f540c..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a200cb97d9fdc2682815137c358170da5847984c79e66ce8c4527077ed251ed2
-size 7550968
diff --git a/anli_can_we_infer_r1_score_eval/validation-00000-of-00001.parquet b/anli_can_we_infer_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index faa40b00d8735bc178cb6737ee30fd1ebc8a4771..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:94dc5c3559649047148ae97953af2e2af755cd5c49e4b3a1286b1540bb8da7c3
-size 808635
diff --git a/anli_can_we_infer_r2/test-00000-of-00001.parquet b/anli_can_we_infer_r2/test-00000-of-00001.parquet
deleted file mode 100644
index b420f5162a1d5e41a3cfd7e5aabe6d0729361973..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e385f805924755dd70e0f18f6d459632d4df156e71e1a839e2a74c71f43ccbc2
-size 474672
diff --git a/anli_can_we_infer_r2/train-00000-of-00001.parquet b/anli_can_we_infer_r2/train-00000-of-00001.parquet
deleted file mode 100644
index 619f8a7481a76f1b9193a25f319b2a2844d5d189..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b6103ca6ca1ec853834ee4d21bb1d78af657bb837bab4ebdbac9ea635c9f5324
-size 13147796
diff --git a/anli_can_we_infer_r2/validation-00000-of-00001.parquet b/anli_can_we_infer_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index 115291c8f13b0291f875a517f215c18e44182ddd..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5d1a5d73695813aafc2d930bd38d36db7299d77c8d0eb6805cc0c48e0706bd6d
-size 471233
diff --git a/anli_can_we_infer_r2_score_eval/test-00000-of-00001.parquet b/anli_can_we_infer_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index a5e0ce1514d30da3bc6032edbc598c7599c7e419..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:768243664533d128cb4138308d39638ed252ac1503c4cdd2ac65c0cb7064c665
-size 794995
diff --git a/anli_can_we_infer_r2_score_eval/train-00000-of-00001.parquet b/anli_can_we_infer_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index f449b2ab7bb347e122a09e87d36bd22690cd1315..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ec1f13adf26caaa8d750a0c2e8919d1996960026e70676f4305cdcc28291711b
-size 16226771
diff --git a/anli_can_we_infer_r2_score_eval/validation-00000-of-00001.parquet b/anli_can_we_infer_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index ddf3ca0e2f5e23ceb082e7be51b332ccd0c24510..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bf738f0a9cf5ec75efe48d6e4cd55cc8d2aeefd32a6611f83ae548309d2ba2a1
-size 825171
diff --git a/anli_can_we_infer_r3/test-00000-of-00001.parquet b/anli_can_we_infer_r3/test-00000-of-00001.parquet
deleted file mode 100644
index e41347e05358ca95f160f97bb32b1e267e3a9383..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b7d6be4689450f0126f01e08c1722b05cc1d36d48274e72c1311692610e211eb
-size 550543
diff --git a/anli_can_we_infer_r3/train-00000-of-00001.parquet b/anli_can_we_infer_r3/train-00000-of-00001.parquet
deleted file mode 100644
index c46ab45fbcbfb1bb84f6300ce6e8450e38f99915..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a0ce2f7ec53d9762ccb4d12f6b498eacc7291a345b8461471fe0094ee17225bf
-size 27898247
diff --git a/anli_can_we_infer_r3/validation-00000-of-00001.parquet b/anli_can_we_infer_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index 5685f6e9860c3dd3970c66e921b47de7570e357a..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fb1b9881e8a9ff994c5c3feb008c5fa04b29dab460195fa33fbb993723ae2c33
-size 561349
diff --git a/anli_can_we_infer_r3_score_eval/test-00000-of-00001.parquet b/anli_can_we_infer_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 9846ac738a9aaa6ca77d2716e78c83ba63dccde3..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2a3cf4f14b1106549cda18a0de525cb63f22c7824c72c5208f423e9a07e6133f
-size 903786
diff --git a/anli_can_we_infer_r3_score_eval/train-00000-of-00001.parquet b/anli_can_we_infer_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 7552cb8e5f6321deb9997555cdf482f7cda84194..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:df303f11737d41ca99684744a85afd7ee43beac587c66848c05be45ca89caf54
-size 35278131
diff --git a/anli_can_we_infer_r3_score_eval/validation-00000-of-00001.parquet b/anli_can_we_infer_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index c7b1376b03c72ffd5871c969121897b549b35f81..0000000000000000000000000000000000000000
--- a/anli_can_we_infer_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:be21c17c142646a0114815ff134438c6a7414e16b79873b3af3c3ac19d8fa8ef
-size 895429
diff --git a/anli_claim_true_false_inconclusive_r1/test-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r1/test-00000-of-00001.parquet
deleted file mode 100644
index 7ad7af5eb5306a5770b386432283ebf068d1d0e1..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7b356b5ee591c836da1bff9cf0a6d0453a3190832edab6a5209fa643ad18f27d
-size 470098
diff --git a/anli_claim_true_false_inconclusive_r1/train-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 5e9a3916283f881b5fadd2100fe6e126640ef2f8..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:edad341277d23dee77f45d1084a14b71207608ab45f63ad2e96789aa86d8c643
-size 5988279
diff --git a/anli_claim_true_false_inconclusive_r1/validation-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index be2512920b54f241b26b6c2e171985e459038980..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3753f3da56ccfdc3e8bb47bb952b665fc1991846a79cca5f062f52136ea53b6e
-size 472618
diff --git a/anli_claim_true_false_inconclusive_r1_score_eval/test-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 67e082132e107f9ffb668e6cafd159b07944a5e0..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:234847cddd21863ca390a7c4eac1aedfaf7132f0f2df7b3a8be72e4b16798058
-size 821146
diff --git a/anli_claim_true_false_inconclusive_r1_score_eval/train-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 50816a4a9d510a4ccfee08775aa093f0657aa481..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b6f63ce876c270bf384fc4170e7e60ccc6878cfb072173c75d466bfb6834b20f
-size 7612637
diff --git a/anli_claim_true_false_inconclusive_r1_score_eval/validation-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index e38ddc6b7d4042d13ba2bc3fd21bad3b778dac61..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:44c2512656e6820ad9b54bf87c60f18acb6f354f19a8405c66b9efc233e723d9
-size 825868
diff --git a/anli_claim_true_false_inconclusive_r2/test-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r2/test-00000-of-00001.parquet
deleted file mode 100644
index cac50e4e32aca2d1d2e0e41b9b6b8b147e5188a3..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:96ea81df1001faf4dd1fa5ff0af92dd711fe9e47c68f39c418ffd2b9dec9d861
-size 478385
diff --git a/anli_claim_true_false_inconclusive_r2/train-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r2/train-00000-of-00001.parquet
deleted file mode 100644
index 3fc6f4d948d8654633580f39bec046941853aad3..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e3facdedc3ed671af975dc397452fcd912090dc9dc1a9033a9a2ed1c8b62234a
-size 13276875
diff --git a/anli_claim_true_false_inconclusive_r2/validation-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index 956b7ca85173571319f519524ac786194a9f1834..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bcddfe54c54d3818777fdfc5833bdae59692ea4e20867173c453b6e425dea5be
-size 474150
diff --git a/anli_claim_true_false_inconclusive_r2_score_eval/test-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index ead77a78f8f131f5db37430d3265a9ca214b18b3..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:23f3b6da1ab8204e3709b2549a3572ea4e8ebef685527182e4e881f64e705f74
-size 812702
diff --git a/anli_claim_true_false_inconclusive_r2_score_eval/train-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index c603dbdb0977363a2c2d1d16c135cee5ac727db9..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dc6af32e934a6ac3651ca298a4bc8ec5ccb0693c58e3f850f43430007fe3dddf
-size 16390738
diff --git a/anli_claim_true_false_inconclusive_r2_score_eval/validation-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 9bc3d3070d3db53f8bfa551d14f4a903ae65704b..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:385382b60bb15fc026ed9dc76b30208e0accfbeb1c727c4be8cc5b96678d1d76
-size 806590
diff --git a/anli_claim_true_false_inconclusive_r3/test-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r3/test-00000-of-00001.parquet
deleted file mode 100644
index 703b6cfb904aaf2ba0045e815828012365dcfa26..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e810f344805663170951631e9cc1a0346d6bdc5cb6f3532044b902dd07babd9f
-size 553286
diff --git a/anli_claim_true_false_inconclusive_r3/train-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r3/train-00000-of-00001.parquet
deleted file mode 100644
index a3c3d6dff0fe02dce230b99f42a31ea17a37532e..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:556d960fb4758c986772209ddc563e3f21062bab4b67104f1d3eb127e21a70da
-size 27990634
diff --git a/anli_claim_true_false_inconclusive_r3/validation-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index 252c7ab6854fd5c4e955f4e2257f689202075b27..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f54880a14acaab60ccc7003e12b95cd9e0f63b752b41242827af4bc051fd7676
-size 557488
diff --git a/anli_claim_true_false_inconclusive_r3_score_eval/test-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 3121d3ff4b4342a7806114dfe3655f145f3307ec..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bad5841e3956248e7bd6f4cd03367f434ed06c9f6e1bf03da1e7d55acba0926d
-size 886620
diff --git a/anli_claim_true_false_inconclusive_r3_score_eval/train-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 8c11c03b182b4b7b2b08648f1ccdc91e571685e4..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ce36927f89e6857abfd75c0b0f6b56c3bf59579a73c1aa2b2676aebbe2041a53
-size 35446606
diff --git a/anli_claim_true_false_inconclusive_r3_score_eval/validation-00000-of-00001.parquet b/anli_claim_true_false_inconclusive_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 00cc71dfe50d9c2b2268e3578c2ecfe8de6d54e2..0000000000000000000000000000000000000000
--- a/anli_claim_true_false_inconclusive_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:03f44d56945edccd58baa633fedc1bef27a88a4c60657dc5b3e1ead9f779b02f
-size 911506
diff --git a/anli_consider_always_sometimes_never_r1/test-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r1/test-00000-of-00001.parquet
deleted file mode 100644
index eede57ad457436ae0e12948efd3823ac39516b08..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9d740f5546776ab543e7cc85b882bd685dd78e5deb51276c8124e16da92a5719
-size 469719
diff --git a/anli_consider_always_sometimes_never_r1/train-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 7359e93c6a369f1739ce4a02a0b65f7dddefdc49..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:40d16aaac4bd252905d09dc77a355dc53148b73ab442a8e8c43c3af44a2156f6
-size 5895592
diff --git a/anli_consider_always_sometimes_never_r1/validation-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index aa9b758a283a1603eef5fc718806050e381a96df..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c29de5bb3032ae90f3c0c8c75110fe3ddbdf7aad0542f81c0e8de0f333cde06e
-size 474198
diff --git a/anli_consider_always_sometimes_never_r1_score_eval/test-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 1ea41ac2ce0a2582370e3fc76afb9bf10cddcf99..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:68ce7638a0f99f90154aeca86285d33d1f73adfcbf492e0cec5eb6cb4a2c3875
-size 799216
diff --git a/anli_consider_always_sometimes_never_r1_score_eval/train-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 3bcf9ceae93eb120ed442ada19a2b7d19f1b33d3..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:377a47161a748619da4cae34fd59c4c770c5b2f929fd19e3801bcb2638a1d3cc
-size 7569849
diff --git a/anli_consider_always_sometimes_never_r1_score_eval/validation-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index dd0e7dafb899b43c7c3504fb2c25d44933105b62..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9269c88d784ecd22b1ae275d371a747099599a974cd17740150ec156f70eee5c
-size 811072
diff --git a/anli_consider_always_sometimes_never_r2/test-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r2/test-00000-of-00001.parquet
deleted file mode 100644
index 9a590c482c30822cb2b29282d81302cd7bdc08b3..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2fe05eb073c96f000743d93e3c404c88cf3bdf17189009d2fc8e1977f9f33f9d
-size 475476
diff --git a/anli_consider_always_sometimes_never_r2/train-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r2/train-00000-of-00001.parquet
deleted file mode 100644
index be09c345b7caa0f963a31f798b97ec6b1b2e48a4..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4a40c2275103c9aa45bcc399e8fe0eeb4eb1f8764e345a650cf30c25ae1ed6af
-size 13130477
diff --git a/anli_consider_always_sometimes_never_r2/validation-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index b0e4ec44c034cc82dcd08916fc101957e0033478..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:76b4d7843312c2c75a4d4fb2ba128d5e9a50f7c28ac05d4d7e9aa12038a8881c
-size 473855
diff --git a/anli_consider_always_sometimes_never_r2_score_eval/test-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index a1a37f5b53653683b8253024bcf3b09a6e7ae418..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c6157ca9f6e1fa545ea10d97003b424cdead4e6766070b1c0712de327db8a90e
-size 817056
diff --git a/anli_consider_always_sometimes_never_r2_score_eval/train-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index b31094f5ac92d73c1797cbda509a73337e81687d..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f13d79a1d18844e9ccc4ff990379eb1bb38f11cbba917fd5739d9d0e2becf9f6
-size 16381406
diff --git a/anli_consider_always_sometimes_never_r2_score_eval/validation-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index ea5099cca637a9e057559cf94328bef22f5eacc5..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:79353fdf3755dfd6eed320a4a1c303227a4b3b4236c22502874b6bb1ff8b9a59
-size 795946
diff --git a/anli_consider_always_sometimes_never_r3/test-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r3/test-00000-of-00001.parquet
deleted file mode 100644
index 7fd8eab9566aabbe4418314530479c2f392f9428..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1b27f261644e4e33b41f1aa3f7dcd819945e6d2ce1b0c0309f44b945a7ce0279
-size 555303
diff --git a/anli_consider_always_sometimes_never_r3/train-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 34b5dbe543cf933dcb0638392a687df12776f146..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:34ac64bcd4fe176a0c507ede21b06c636cb7cf5562f1bbef6e37531e73def255
-size 27690596
diff --git a/anli_consider_always_sometimes_never_r3/validation-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index a5a506c3abe08eac06f878543ba3f70d60dcbe69..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6c290efc64366d477329b810f5190d928c0bc95aafa2450e9b5a684b04f1c17f
-size 555358
diff --git a/anli_consider_always_sometimes_never_r3_score_eval/test-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 7ae267d255fa66cd564a8d2b014051f9be8fc763..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0f293c706a74fad0565dcde115b2f9c0cda40a7d512a95512e4c75eced78f5a6
-size 892362
diff --git a/anli_consider_always_sometimes_never_r3_score_eval/train-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 5c658d74f0e858c7eb93a4b1966df453f4d53b42..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:00c4320507a162bb4813ab3027fc7dbdd083a569482a8f821daf1f5feecf612c
-size 35596692
diff --git a/anli_consider_always_sometimes_never_r3_score_eval/validation-00000-of-00001.parquet b/anli_consider_always_sometimes_never_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 32200a226b63a89561b1d77fdcbd67d2a092ba06..0000000000000000000000000000000000000000
--- a/anli_consider_always_sometimes_never_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4725820fe532d2f29a158d2317353e152c461e4dfe1b7f6d2e746f678b6f3c8a
-size 899876
diff --git a/anli_does_it_follow_that_r1/test-00000-of-00001.parquet b/anli_does_it_follow_that_r1/test-00000-of-00001.parquet
deleted file mode 100644
index 3631fb112372cb2633c43170a0cc74ee750b8d7d..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:614233026adec7eb8a83b8275a2f2d305df3dc255a7c4e8628a0db5b0f60553b
-size 466419
diff --git a/anli_does_it_follow_that_r1/train-00000-of-00001.parquet b/anli_does_it_follow_that_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 9a2627aebd0cc0d3b4a5e8c04ad0c3f728938931..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:545bc7232d6aa1ec8187e0e9aa7fa357f37472e141d09f3a960f9120042f2f6f
-size 5907260
diff --git a/anli_does_it_follow_that_r1/validation-00000-of-00001.parquet b/anli_does_it_follow_that_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index db88cd46c749a7c0d7d6780975b68d188982e785..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fed8157925258bb77896b1f171b34f7658ca8e15f7be95a42af2d0ef84534a80
-size 476589
diff --git a/anli_does_it_follow_that_r1_score_eval/test-00000-of-00001.parquet b/anli_does_it_follow_that_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index dc61f73e3d8a4fee5f1da2896075369260b383c5..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:81a53714dba89c41cb4ea9f2fbece2e854fa0665612fabce256bd0b2a9c8f751
-size 803973
diff --git a/anli_does_it_follow_that_r1_score_eval/train-00000-of-00001.parquet b/anli_does_it_follow_that_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 10a4dd90939206ab83804cac8e7c8119e857f2f9..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4d96d88704e673d27335b51eec95ddd0c5b3ebce0d3633e37c1d82a1c403517b
-size 7523124
diff --git a/anli_does_it_follow_that_r1_score_eval/validation-00000-of-00001.parquet b/anli_does_it_follow_that_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 457a3b01732a280db552e35b03685ca8ddc6e099..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f2de71beabd6e4a2df0c634ad18502447a54651ac17e1ad812def99a324b3002
-size 830374
diff --git a/anli_does_it_follow_that_r2/test-00000-of-00001.parquet b/anli_does_it_follow_that_r2/test-00000-of-00001.parquet
deleted file mode 100644
index faf859378d8498302251b0b74f0546681a6ce683..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:58a2919134d4078bf14ca732e089c0caff1355c63134d99a0eb47d6c720fc78b
-size 472561
diff --git a/anli_does_it_follow_that_r2/train-00000-of-00001.parquet b/anli_does_it_follow_that_r2/train-00000-of-00001.parquet
deleted file mode 100644
index ee82cab0b10931e328a1bc12d9811ff86480e616..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:00122df979534975e833608f7003c2c31ce50bf14005d5bafe1b5a6deeebf394
-size 13067941
diff --git a/anli_does_it_follow_that_r2/validation-00000-of-00001.parquet b/anli_does_it_follow_that_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index bf75aa22d8bbb2a124a78e458ab95db3be706ed8..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3d303cc73c49a94e1fd8da991814e10b8620f3cca1b3a4cfc0cd32ba27e4ee35
-size 468799
diff --git a/anli_does_it_follow_that_r2_score_eval/test-00000-of-00001.parquet b/anli_does_it_follow_that_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index ffa697b3adc3eefbb4ee736662365eb8f4eda658..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c5a641f21d524f02323d3a82ce8cfd278e15e492bbcc7a5a2ac0920a2f770543
-size 792033
diff --git a/anli_does_it_follow_that_r2_score_eval/train-00000-of-00001.parquet b/anli_does_it_follow_that_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 1fdec9c593fb5ec9a2744a213946975d4b0e149a..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:84cbc2db7b7725c0c8ffc9185ff36b8ea619af9d4dc7202eaf84084a61778ef9
-size 16219782
diff --git a/anli_does_it_follow_that_r2_score_eval/validation-00000-of-00001.parquet b/anli_does_it_follow_that_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 6dc11d84025004403545fa10e6ec0417d71624e2..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4c4d234288bebd632e085ec3903007858b0b8f2f976c3ce0cb0307142349f352
-size 802063
diff --git a/anli_does_it_follow_that_r3/test-00000-of-00001.parquet b/anli_does_it_follow_that_r3/test-00000-of-00001.parquet
deleted file mode 100644
index f7779e7e46348c559a5f9a803e9a11941728c5ed..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0c811b062e0f8b995368ca95add10e5edcb5122bea475e6d2593820c10b05ac6
-size 548009
diff --git a/anli_does_it_follow_that_r3/train-00000-of-00001.parquet b/anli_does_it_follow_that_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 55f1ff277aa7215d684c4b07d09a17d3e8f99f08..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:655776917f64e71584e4f8fffb584c2bdc8ab0778eec1e133c764f3a2d0f733d
-size 27616677
diff --git a/anli_does_it_follow_that_r3/validation-00000-of-00001.parquet b/anli_does_it_follow_that_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index 205f3686715813fdcca8be61c5386bf5e3ac1d21..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bcf4716a8769c6b270264a2ac4c6a3990165485fab61b618dd91ae0848ae50e6
-size 558078
diff --git a/anli_does_it_follow_that_r3_score_eval/test-00000-of-00001.parquet b/anli_does_it_follow_that_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 56723f2f1fda48a141f6211e7460c3d89fa2733d..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d3348b5a5a780c422152256940b20097ff63caf520dde87968069f7a42c85ecc
-size 902268
diff --git a/anli_does_it_follow_that_r3_score_eval/train-00000-of-00001.parquet b/anli_does_it_follow_that_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 30fb869bfb3cb990349d7375ffa41858bf339a23..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2074fc5ae0b045d92dab9f300b728b8c4b3be1463a1e5571adc3be82c1207ac3
-size 35175788
diff --git a/anli_does_it_follow_that_r3_score_eval/validation-00000-of-00001.parquet b/anli_does_it_follow_that_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index dfed531ee1c2e6ecb9f77fb982f6b1c43a4c37c6..0000000000000000000000000000000000000000
--- a/anli_does_it_follow_that_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:05f181339b80f926a7d4a04286549c4dc07217137950db4fa4f01db030203ad3
-size 893750
diff --git a/anli_does_this_imply_r1/test-00000-of-00001.parquet b/anli_does_this_imply_r1/test-00000-of-00001.parquet
deleted file mode 100644
index dfc3555768bcc85e22e495af19a5c8add8459fbc..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:735e66806ae981ff10b680134834a841f9b1e34a7e89563487950fd18f33225d
-size 466879
diff --git a/anli_does_this_imply_r1/train-00000-of-00001.parquet b/anli_does_this_imply_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 37469c81fdede19a7ae02b5cfc6b53ce00901602..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:da690326f0d77e19ed5bee4898eb2a75a2dfc28b44309afaf5de958f54dd59d8
-size 5918498
diff --git a/anli_does_this_imply_r1/validation-00000-of-00001.parquet b/anli_does_this_imply_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index ca0c2df9e3085767d4c23762d784d942cc5c1c38..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a66c149d8e4d66dd9fbd37b6536dbcaef27e98de049f35a2a1c0bcdd0d34725d
-size 472575
diff --git a/anli_does_this_imply_r1_score_eval/test-00000-of-00001.parquet b/anli_does_this_imply_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 197bb69231aaec6cd390a459414605a4149ff676..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:89b2b1557db7e6f6524eaeee667369ddc61b0fb626fac3c9ace684427424b039
-size 810742
diff --git a/anli_does_this_imply_r1_score_eval/train-00000-of-00001.parquet b/anli_does_this_imply_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index bc2102cf13e2573640c6902fa4c6e11694e70d4f..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7286e13806e0eca4b0ade2cdb0c91da61bd0d85a829e0ad29aa95a77aa1afc22
-size 7559462
diff --git a/anli_does_this_imply_r1_score_eval/validation-00000-of-00001.parquet b/anli_does_this_imply_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index d1e4198cb51b59e962f1af94ec0f8b3615b168f6..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d81fba04d6444014138d086caa1a62b0e5d34503cd338ddc414e694734f2d73e
-size 836364
diff --git a/anli_does_this_imply_r2/test-00000-of-00001.parquet b/anli_does_this_imply_r2/test-00000-of-00001.parquet
deleted file mode 100644
index 5e99d2caba20f95a8499ffa3d340287cabd4697d..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:88ec8d0c938aa373abdb4347acc67aa53dfdd04cdf81bb230beaa29a47dec21b
-size 474828
diff --git a/anli_does_this_imply_r2/train-00000-of-00001.parquet b/anli_does_this_imply_r2/train-00000-of-00001.parquet
deleted file mode 100644
index 7be9fd5b53b2c78bdc22afc5ee2cc7a413905a55..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e4f607d9866e311c5b520e4751d1b812c433b772c33dc9eca452ef64536ebb87
-size 13150165
diff --git a/anli_does_this_imply_r2/validation-00000-of-00001.parquet b/anli_does_this_imply_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index a6a1bdd072bb83b5ce3fba73d3bfc0e6a384e6ff..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9a6e57cfd2f34b88c40d03db9249c3b6c0d2943ab5c29c51197ed30ce13c45c5
-size 471224
diff --git a/anli_does_this_imply_r2_score_eval/test-00000-of-00001.parquet b/anli_does_this_imply_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 5ee8c3a226a1bb4b015c5d30ccdbc17a3737129e..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ac90b99e3037ea5a8d86066a239682470b69b2bcc6a1f704891ac1c05e12b419
-size 814697
diff --git a/anli_does_this_imply_r2_score_eval/train-00000-of-00001.parquet b/anli_does_this_imply_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index caf37e7cf54c96b77872a7bc76792237aa96d5ed..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0e321d7abe0f9b84568aea592b2b4eb12cddf699448665c56a74fded20e7a8cd
-size 16269113
diff --git a/anli_does_this_imply_r2_score_eval/validation-00000-of-00001.parquet b/anli_does_this_imply_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 69df855197ef76bff3c7495d551460b14adf95de..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a60b77670b2562d72a900427de9fce61358a8937fafb3e6f96f8345a507d68ec
-size 809849
diff --git a/anli_does_this_imply_r3/test-00000-of-00001.parquet b/anli_does_this_imply_r3/test-00000-of-00001.parquet
deleted file mode 100644
index dca479c90d1602c0d2c14a8a4494a47e462a20fd..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:816a3fb5081d5f842726c0654c394706c61e813cd6cda9cea2c6d379153cd2ce
-size 550942
diff --git a/anli_does_this_imply_r3/train-00000-of-00001.parquet b/anli_does_this_imply_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 7f8f1979a4369cc5c95b5722cec6715c81f9a614..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7ce8d4dc35accd2646f5cf8287fab6538b55a917718cb3dc157186c510671175
-size 27799009
diff --git a/anli_does_this_imply_r3/validation-00000-of-00001.parquet b/anli_does_this_imply_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index 1fd53bd1eab0bf55069debcbf6ded7be92acf21a..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bf94d0cdd3894d84d8ddddb8b7d158db55cbe4571ba9e3a6e5103f43960b5223
-size 555959
diff --git a/anli_does_this_imply_r3_score_eval/test-00000-of-00001.parquet b/anli_does_this_imply_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 4bfed340fd9ea11a2826f7ccc6f8a14d0708c34a..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3350d17641f4cb5d0676d1aeb41a64a42d839630343b6853bf53dff6d4678933
-size 891976
diff --git a/anli_does_this_imply_r3_score_eval/train-00000-of-00001.parquet b/anli_does_this_imply_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index d775dddb0adb6fc6f4f1658507ff2a84d74457c7..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9dffafda42bfa69d64f9673daa47ccd4107384e26de3f48f9634c28b0619ed34
-size 35320320
diff --git a/anli_does_this_imply_r3_score_eval/validation-00000-of-00001.parquet b/anli_does_this_imply_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index b1a0c0c90129bbcd96c3cf414ce263d9bf0c46ce..0000000000000000000000000000000000000000
--- a/anli_does_this_imply_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4bb9309569e2f0e433d3b9ebfc6dd75daaea58e26539cd3f5ea69d152e2a5d5d
-size 892880
diff --git a/anli_guaranteed_possible_impossible_r1/test-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r1/test-00000-of-00001.parquet
deleted file mode 100644
index a0c975446e5d3e232470a6097e8f5524869ab92e..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bcac6948a45722d0f8c50dc31474fff500348d3745dec7f004ceec24aacc4967
-size 471465
diff --git a/anli_guaranteed_possible_impossible_r1/train-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r1/train-00000-of-00001.parquet
deleted file mode 100644
index dd9b1b1bd62428eb997f35de13259cbd0acd6e96..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3d0b0afee7172ae9c8c875d90d6e56e3febe4f449e4d4bc9c20be7943be45046
-size 5936729
diff --git a/anli_guaranteed_possible_impossible_r1/validation-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index 974521dac0538a89e4ee0966a629ee8865531f4d..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6116f3c060ceb91010bfc1fb68196f3667ca4d5025643b2f9e78e7abde0129c0
-size 473448
diff --git a/anli_guaranteed_possible_impossible_r1_score_eval/test-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index fcb34e4ac7ae4303984e0da56d0ee3ba8a1fc1d9..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f666c970dfdee683354217bb35f44fccc4c5095c29ab0e7e1195097c71004884
-size 796012
diff --git a/anli_guaranteed_possible_impossible_r1_score_eval/train-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 4611afd3e9b9c6830ce82e4e97755740814b4588..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e2bed5fb3018291d4f6a6389301c6763a8dcdfd6169a2055436de43b3134134d
-size 7606755
diff --git a/anli_guaranteed_possible_impossible_r1_score_eval/validation-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index bc62232461f71c368f34d26f0f9bdffe90a5147b..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:58cf294ec2d44f49ec14ef182a4898e4ea2a80ba1bf7cdb6413b63638dfb481f
-size 803907
diff --git a/anli_guaranteed_possible_impossible_r2/test-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r2/test-00000-of-00001.parquet
deleted file mode 100644
index 0b22b200bd6137b9d1545fc43f97b62578aeb5c3..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3ea27e15f58012ea95e138aa27e668564d7069d9a5945b926a833b2699b0dc6c
-size 478958
diff --git a/anli_guaranteed_possible_impossible_r2/train-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r2/train-00000-of-00001.parquet
deleted file mode 100644
index eead5127840a8c51fd0dd0edd523045c97bf9d65..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee1e04fa9a90366b1696868db5ec707cc82680b07b186ac3c4f3f53ca5caa449
-size 13374849
diff --git a/anli_guaranteed_possible_impossible_r2/validation-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index 08449673ab32fa85b87fea64c7f4435541e09b4e..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8a41b6e05d223820931c420bb3312bb6f1d8ee0776f3aab7aa29d96142eb9000
-size 473595
diff --git a/anli_guaranteed_possible_impossible_r2_score_eval/test-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 00741fdb0ea5864bbc7ae040f96c5c1731c034a0..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:81d61644005371e08fbad3e10868effbbe871371494f77de33f3e4e571e5363e
-size 829835
diff --git a/anli_guaranteed_possible_impossible_r2_score_eval/train-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 4ce6ad2fa83765f843f63b0d38cb57618c50902b..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:eb9fbdbc4174bb7ef8008fabda4b1473ab9d3b540efe96a3b8164cb2350844c6
-size 16346601
diff --git a/anli_guaranteed_possible_impossible_r2_score_eval/validation-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 25823f69eec151630d2f3e604baf6326b59cec0b..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cb02c52af4372c8892ba715827e17456b7d7d339641ab2f2a16bf8a0faf8eff7
-size 825063
diff --git a/anli_guaranteed_possible_impossible_r3/test-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r3/test-00000-of-00001.parquet
deleted file mode 100644
index 09bd20f88572758541d297f013116e4e933c2791..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a04960ac44a67440e76b6a2091e5de8acb83495339c150e32cb842c6d66b5ef
-size 555508
diff --git a/anli_guaranteed_possible_impossible_r3/train-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 2e917f9456c8ac4b78aa0ae3a64629eff28bf0e4..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a931c41ce4461365b23edd2dc26cdc2546311f127147ece358b08426f61f6f56
-size 28125188
diff --git a/anli_guaranteed_possible_impossible_r3/validation-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index fe983a6d38826d63a4d459e5a99a276e2d9c4aa0..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0535a68dea6cce07ab3a1abac86941cdbf1ec9b84159906f6197526e4c95d338
-size 557383
diff --git a/anli_guaranteed_possible_impossible_r3_score_eval/test-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index fa28481568fedbde15c73c6b150d8cde7bbdf769..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:110b0122f3a304daa13778567f683e8743eaf834827bae196d812d0611ff1b82
-size 899504
diff --git a/anli_guaranteed_possible_impossible_r3_score_eval/train-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index c901050e7b67aad153b3ca9805f2c594627adad2..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:70a31724a49661f8b9096042ce30695ef1bb8d5ac0d1fe02874afc7dd85d4d3f
-size 35593043
diff --git a/anli_guaranteed_possible_impossible_r3_score_eval/validation-00000-of-00001.parquet b/anli_guaranteed_possible_impossible_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 32bb65aab24645bb27635b7d6e985e8209017d1c..0000000000000000000000000000000000000000
--- a/anli_guaranteed_possible_impossible_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8bfa9b0ab4358c411e1cf6f288d3e88484b4d5fa8c573bfa05fc3ba46f71ec19
-size 888513
diff --git a/anli_guaranteed_true_r1/test-00000-of-00001.parquet b/anli_guaranteed_true_r1/test-00000-of-00001.parquet
deleted file mode 100644
index 3e41d2ce913f22d3eee84a20a456beb27ec461fe..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1d3433866a8081f0b4f3e70b3f952787faa4a8b5233531c992e04a2a9665ce8b
-size 467407
diff --git a/anli_guaranteed_true_r1/train-00000-of-00001.parquet b/anli_guaranteed_true_r1/train-00000-of-00001.parquet
deleted file mode 100644
index a6d68838a1198d3515c031ab817d38c3977a8fce..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:76c4089f7502efb90511633bd776c654f49613ebc35ba53f26a0fc6db32d1856
-size 5924972
diff --git a/anli_guaranteed_true_r1/validation-00000-of-00001.parquet b/anli_guaranteed_true_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index 8433c41dae117ed4d14eee14bfca194fcec0aa0c..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:52d1474d2daa3c556bf865875459d7409a3b2a7a37c7288736abcb4394d8fc2d
-size 469691
diff --git a/anli_guaranteed_true_r1_score_eval/test-00000-of-00001.parquet b/anli_guaranteed_true_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 136f854889852cea9bf2d92d541cc2cae3cdec92..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:34b480cd7011f797a3abef51834a0c9bc53b298a75f710f2e0d9ca9a66150aa4
-size 808202
diff --git a/anli_guaranteed_true_r1_score_eval/train-00000-of-00001.parquet b/anli_guaranteed_true_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 2194a161d37800085831e549266bfef6eeb2ce45..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7ae018c2f1b212d3c1d8825bd2b5ffe010241dbf31f475025c272d44506ded10
-size 7583175
diff --git a/anli_guaranteed_true_r1_score_eval/validation-00000-of-00001.parquet b/anli_guaranteed_true_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 9cdb12edcbe5829f790b3563ab2c92e8ea20e6f8..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c884707a71a7b4d7318746a3e371b45749cb7e739a6d6070dc119ee6ac47730c
-size 820127
diff --git a/anli_guaranteed_true_r2/test-00000-of-00001.parquet b/anli_guaranteed_true_r2/test-00000-of-00001.parquet
deleted file mode 100644
index 85c102fd83aa9f881f4a6150248ffb2ada73b30d..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:48539980add85e93b24455708e4562cc963c760a0cb0d159165271201b1346f7
-size 475461
diff --git a/anli_guaranteed_true_r2/train-00000-of-00001.parquet b/anli_guaranteed_true_r2/train-00000-of-00001.parquet
deleted file mode 100644
index 6f7a222852d9c3669eee9f04d983eafe37967713..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:569fdc59b5edf0d5e52780e7d4732ccca1e290e2206d797a3066103cfeb6e8fb
-size 13155425
diff --git a/anli_guaranteed_true_r2/validation-00000-of-00001.parquet b/anli_guaranteed_true_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index 02cce7770e9899c17d7ad0a4d0d4071fba6a78a2..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:90364ad0b71bac277dad05aba1d8765fbec8c6f12aa777fe7c1c6e2e41215c86
-size 471376
diff --git a/anli_guaranteed_true_r2_score_eval/test-00000-of-00001.parquet b/anli_guaranteed_true_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index e0679b9f5145f435db38ffd40cd7a2f6a9df7ccb..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:74aa34a8cb7ec33b06bc5cb1ff42eeda095b4e762bd1c7e01596c80b48996c68
-size 798480
diff --git a/anli_guaranteed_true_r2_score_eval/train-00000-of-00001.parquet b/anli_guaranteed_true_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index bef234f4b9efe66b6f04ad507f788a31ff726bfd..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:76a7d1c49adee6bb658087015bc8359900f1703e216cd1947bf331f6c7038bbd
-size 16383276
diff --git a/anli_guaranteed_true_r2_score_eval/validation-00000-of-00001.parquet b/anli_guaranteed_true_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 33c250895babc0936213df599c811a0a65e53c88..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1d2f1c058b92ff3747f926f0a72d9425d08b559c2b07ad5b11b3ded2424151a1
-size 811591
diff --git a/anli_guaranteed_true_r3/test-00000-of-00001.parquet b/anli_guaranteed_true_r3/test-00000-of-00001.parquet
deleted file mode 100644
index ac40f8f7b24faf79f610aaea3adb706f4c1a8213..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9a4506adba60a7bd1737331a273ce1d1274fa8fecddd4b7875b1386a3536d93d
-size 551269
diff --git a/anli_guaranteed_true_r3/train-00000-of-00001.parquet b/anli_guaranteed_true_r3/train-00000-of-00001.parquet
deleted file mode 100644
index f4c8e8e269090198e0132026dc2c32b06bfaf6d7..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:98bf5c98d076c9edb61310b184c3a7e107bcb4013012062da6f2b8fb0a6c99ad
-size 27905339
diff --git a/anli_guaranteed_true_r3/validation-00000-of-00001.parquet b/anli_guaranteed_true_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index ba28f933df6fc837810916a25638272be566d2a5..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bbb5238bc1e0842ccf0dc63503d74b726f4b64cb713e73f9d55cf797cc44f323
-size 563706
diff --git a/anli_guaranteed_true_r3_score_eval/test-00000-of-00001.parquet b/anli_guaranteed_true_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 603faaf146cf19461d3d83ab1516865169590e89..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f5483089bb5071d7894d85cc20452f85d43facccbca0439644c1e4218861c55a
-size 904261
diff --git a/anli_guaranteed_true_r3_score_eval/train-00000-of-00001.parquet b/anli_guaranteed_true_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 1620e60d3b92f2e1eb23b5498d20caf0d2d92579..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:06b717332a045823d582e94f5d3ed92fa55f5df3362fe56c51019ab04d568215
-size 35286619
diff --git a/anli_guaranteed_true_r3_score_eval/validation-00000-of-00001.parquet b/anli_guaranteed_true_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index ae8e5ab5ca17a0be888f79035bf67ab1b9644a4e..0000000000000000000000000000000000000000
--- a/anli_guaranteed_true_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:20813e787e78ffca64ff32355e23d8f206940bc30f5adcf7005a0686cf52c8ea
-size 887859
diff --git a/anli_justified_in_saying_r1/test-00000-of-00001.parquet b/anli_justified_in_saying_r1/test-00000-of-00001.parquet
deleted file mode 100644
index 26b0749ab645656e8ab185528f12edc4d3381664..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f4e36f60096f2db3439de21802dba5db9128795602ce23d6ba4b09f47d70ea36
-size 468760
diff --git a/anli_justified_in_saying_r1/train-00000-of-00001.parquet b/anli_justified_in_saying_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 277f632ea24cf4eb14ffb9bac1a0b8d606b18456..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:509daa63c1f79e1cb5091721247c2ba179aa1c5c707a3b0d0dd4416d0c1ffbcd
-size 5959364
diff --git a/anli_justified_in_saying_r1/validation-00000-of-00001.parquet b/anli_justified_in_saying_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index 8e6357bf6a6c5dfbf226deb9db1a872207165e78..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ffefe84be0483a979ef5b88f74e77f3097a36a3951b146fcf59bc6b18d8f9107
-size 471800
diff --git a/anli_justified_in_saying_r1_score_eval/test-00000-of-00001.parquet b/anli_justified_in_saying_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 714a0f20e142e0ee0e664c30f58a27425e0ad27a..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5b51091d83a6e787a703c7570e893b19ad2a98b8f2d976c7c1b9fe6f7850b13f
-size 805711
diff --git a/anli_justified_in_saying_r1_score_eval/train-00000-of-00001.parquet b/anli_justified_in_saying_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index f8aad95966d15896c6fe2078b3d0b1ff163b3e2f..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d6037fc20775ec02060afe710b8edea5f666c707e836106ed5ec6580be35e7ab
-size 7577438
diff --git a/anli_justified_in_saying_r1_score_eval/validation-00000-of-00001.parquet b/anli_justified_in_saying_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 099464bf7af14c25b30c10016ddb69f32c3741ea..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d5e8db55423ee83c73c84e265e1cb4275fb03741f3b1cbdf1f4ed93f9519010e
-size 798894
diff --git a/anli_justified_in_saying_r2/test-00000-of-00001.parquet b/anli_justified_in_saying_r2/test-00000-of-00001.parquet
deleted file mode 100644
index edd6cfb8da1c0a9877fbae7645f381a7d027d184..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:749fa28035279e2f0ff3c707bb88ba475aae93062c42e42b02fd29b3a88f5e38
-size 474436
diff --git a/anli_justified_in_saying_r2/train-00000-of-00001.parquet b/anli_justified_in_saying_r2/train-00000-of-00001.parquet
deleted file mode 100644
index 2d1ae7f6763c76d3c1d7444cf40ee09c03994c92..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:16fdd957068a92aaef57b9afe2dbfb2eb555f812671dc2185d4c326cc40eab54
-size 13194991
diff --git a/anli_justified_in_saying_r2/validation-00000-of-00001.parquet b/anli_justified_in_saying_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index 5796b18f945e29287fa4e19ece8f93750e64a3c1..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6e1db8be5542bc9a657a262bb541c4e8fced002176b843c733bee9c94616b239
-size 470800
diff --git a/anli_justified_in_saying_r2_score_eval/test-00000-of-00001.parquet b/anli_justified_in_saying_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index ddc075b2efc86e35492b87128416da58e488703d..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:127e909e16ca86b15f9962a971fd2737d50fefee64fbb48807f05242b600d218
-size 812707
diff --git a/anli_justified_in_saying_r2_score_eval/train-00000-of-00001.parquet b/anli_justified_in_saying_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index ef622a70406af667a8d4aaed08d97bdc590c6512..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6fac4dfcb73693c541bdf769f62f30e2293c0379db5ba7bdcd6cbb35c14425b1
-size 16253695
diff --git a/anli_justified_in_saying_r2_score_eval/validation-00000-of-00001.parquet b/anli_justified_in_saying_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index cbbbbb918e189c6f3d96f4109b4f78a28dd81906..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9212e72c693e8547d76ca0120775b467e561c7da5a5b117e605f62afa98430e2
-size 823768
diff --git a/anli_justified_in_saying_r3/test-00000-of-00001.parquet b/anli_justified_in_saying_r3/test-00000-of-00001.parquet
deleted file mode 100644
index f82ca46add0793b0ada7c67171f083878eda47b8..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:203b0428bd1ae5a77d27bc43c4c0289a9db4537123701e5931fcb9844ad16991
-size 552327
diff --git a/anli_justified_in_saying_r3/train-00000-of-00001.parquet b/anli_justified_in_saying_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 2272d654e4beeca7694590161dd3e69e95080d95..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e15789a239670ba6a9873e64f10f06e4d617f83b228429a18293bf52190617e4
-size 27779337
diff --git a/anli_justified_in_saying_r3/validation-00000-of-00001.parquet b/anli_justified_in_saying_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index 06fbc1a4a20ad7aa2bfe3f9c5bd6424b4eaf31ee..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bb0e183795897c1fd8035b1e02e8558db5191f268b2cc4d029f10ad0e99b8f9e
-size 554425
diff --git a/anli_justified_in_saying_r3_score_eval/test-00000-of-00001.parquet b/anli_justified_in_saying_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 9be6364187d4b1cc06ba2c63eeba33a7e7042813..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e61e951fd5aa34bd679efb1d0c0c33d038f465c57265e977d4348076ff9424dc
-size 892128
diff --git a/anli_justified_in_saying_r3_score_eval/train-00000-of-00001.parquet b/anli_justified_in_saying_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index eee5c6eec8eee2294d726810403e0f21c5da05ee..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:941fd449eda9f6dc67f7ef31f7787b5bc77afa4709456918544d7832ebdf7630
-size 35188068
diff --git a/anli_justified_in_saying_r3_score_eval/validation-00000-of-00001.parquet b/anli_justified_in_saying_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index bcb94256d096fd13cc1003279dec9853889e24e6..0000000000000000000000000000000000000000
--- a/anli_justified_in_saying_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dacc4a838f55f0aa6a15f54a506046cb1675dc68eddc3583285d673918e2fce8
-size 918772
diff --git a/anli_must_be_true_r1/test-00000-of-00001.parquet b/anli_must_be_true_r1/test-00000-of-00001.parquet
deleted file mode 100644
index e600fe751e2a19b34f74cfc34019a588e89db6bf..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b03d01eceed9777827a67d9b145393e697cf573b6cb6cb18f30e50ef24cfddbb
-size 470194
diff --git a/anli_must_be_true_r1/train-00000-of-00001.parquet b/anli_must_be_true_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 829a12906e316d0cfde6f36fe67810a26fa13bcc..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:612943fa8e2385543509263388613276fcc8fd3ee27e89a07eaae019f911cdcb
-size 5914168
diff --git a/anli_must_be_true_r1/validation-00000-of-00001.parquet b/anli_must_be_true_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index e7bd289604232d88247081c613273ea0c5a85c61..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a3293e0e68eaee24d977f8647ee95155540b78147f285e1656b47cae04867038
-size 473469
diff --git a/anli_must_be_true_r1_score_eval/test-00000-of-00001.parquet b/anli_must_be_true_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 76beba611cf681ea6d708ed486079b9f4cc06615..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3925486e8673ac338b10acb93d9a96a1dfcfcf11f5dd13fc242bc93465d38ae1
-size 824326
diff --git a/anli_must_be_true_r1_score_eval/train-00000-of-00001.parquet b/anli_must_be_true_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 464375ce2c7bfc8d19daa350b5bb14434cb15d9c..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c7a013109455d76580899e8c14219facf1df87e0b0df996be4ea5d9582a06697
-size 7604429
diff --git a/anli_must_be_true_r1_score_eval/validation-00000-of-00001.parquet b/anli_must_be_true_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index cafcc3017e6bd0a0be77b99831b69c26c82b6ed3..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1b822d9ddbe74e1dfb2a1687d3c5207b64f65aa1bf8ea8ab6049bfcab0cb4b35
-size 807025
diff --git a/anli_must_be_true_r2/test-00000-of-00001.parquet b/anli_must_be_true_r2/test-00000-of-00001.parquet
deleted file mode 100644
index d2e81c98f42e98046a38504c89cddc919a9f31f7..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7ac02c47837c3e26c23dc38a254dc03a005c5465478d68c4bd02fa81c97aa5e0
-size 477848
diff --git a/anli_must_be_true_r2/train-00000-of-00001.parquet b/anli_must_be_true_r2/train-00000-of-00001.parquet
deleted file mode 100644
index a3888790ca0189466ff41e9879b10903b6096db9..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a5149f17dc9d9f561b1b73ee9b41937a4fa5fe4e2b9d724064824c3fdcb95357
-size 13317709
diff --git a/anli_must_be_true_r2/validation-00000-of-00001.parquet b/anli_must_be_true_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index 6cdb5f5acc46c95eb35c8e36911106ab0c8e9458..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8939a21ffa144edc679aa348e85d3070f352535001039b62121fcf3bca3b5e71
-size 472662
diff --git a/anli_must_be_true_r2_score_eval/test-00000-of-00001.parquet b/anli_must_be_true_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 2b9512a3a46bb77f5f6c3389c82032891e098cf2..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:77cc5381d93b7a79ccd957cdfecc7bece8a71f83a70930b42168bc3bb364692b
-size 832759
diff --git a/anli_must_be_true_r2_score_eval/train-00000-of-00001.parquet b/anli_must_be_true_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 91570fed11ff292ff3e169ecd3a56ef08d4d36c0..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:96cfc3cfb4c91365639bbd0bd72d7dac30d9decf3923831ae3f3eee49da13e68
-size 16310220
diff --git a/anli_must_be_true_r2_score_eval/validation-00000-of-00001.parquet b/anli_must_be_true_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 65430a0cc9aca224999676be86f77f1b9c8a6718..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7765e250c7a8ff4106798b9f1e138085164af9beea3c581469bf60358f2b9dfd
-size 833660
diff --git a/anli_must_be_true_r3/test-00000-of-00001.parquet b/anli_must_be_true_r3/test-00000-of-00001.parquet
deleted file mode 100644
index ead274da8d2dafc79120b7c2848a0cfff57578a8..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:78a8d2f19a4b49a2f6cfa697be42d83ce9b3371169016a7e76544e1901ba8e33
-size 552415
diff --git a/anli_must_be_true_r3/train-00000-of-00001.parquet b/anli_must_be_true_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 2869aa4ca5b8762bd252cb23b6096d9ff0e9aa0b..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:127b01deff533fc39ad3f63fa780fe220d12269450b97d5b78255a72ae279562
-size 28053657
diff --git a/anli_must_be_true_r3/validation-00000-of-00001.parquet b/anli_must_be_true_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index ba58df4e1345cdb49cfca559d1c10ae4c6427afe..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:401988408cfd3bd702ededa68c6b0b533cfedd49da19f3d19f0bcda4bd7facd3
-size 557992
diff --git a/anli_must_be_true_r3_score_eval/test-00000-of-00001.parquet b/anli_must_be_true_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index d7c651ccaf40074b6d2826d02acd2d15973e20cf..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a9a63e35b605d9c9a2f2cc6f9ad37d2de0569169d5caa216da1d33240d558185
-size 874632
diff --git a/anli_must_be_true_r3_score_eval/train-00000-of-00001.parquet b/anli_must_be_true_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 5abd1bda6b395c1e75077d7458b2a97802cd4bc8..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f9f9a012262bd13b8f221a7a420f828761ad7a53d83e0ff3a483325211d695f3
-size 35500992
diff --git a/anli_must_be_true_r3_score_eval/validation-00000-of-00001.parquet b/anli_must_be_true_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 0b767bd3b2e332918de7b48c5504a392591e8503..0000000000000000000000000000000000000000
--- a/anli_must_be_true_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:905c6f05190d17742906e093ce122698de522e669c4199fae50845e5677f951a
-size 900392
diff --git a/anli_should_assume_r1/test-00000-of-00001.parquet b/anli_should_assume_r1/test-00000-of-00001.parquet
deleted file mode 100644
index a2f991f281b2081a9b221163ec79f30fa8113cd0..0000000000000000000000000000000000000000
--- a/anli_should_assume_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3ff9858027ddc00fa1c3343d21aab726c21ffee87931bb30a388258feff28309
-size 466680
diff --git a/anli_should_assume_r1/train-00000-of-00001.parquet b/anli_should_assume_r1/train-00000-of-00001.parquet
deleted file mode 100644
index f3cfb76daa2b7d5952a620b7765d32b4acfad667..0000000000000000000000000000000000000000
--- a/anli_should_assume_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d2a7096ae7f8e5b8f0268284e567ec0d645a65fd1464654aaac4107b2b89c4e8
-size 5927597
diff --git a/anli_should_assume_r1/validation-00000-of-00001.parquet b/anli_should_assume_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index 146c04d84e8e3dfb37af51992f4b435c254cc962..0000000000000000000000000000000000000000
--- a/anli_should_assume_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9ca3e9203793e1f08edb0f5f5dcd176a89d7274cb5e6a5445a3e8ab7d7093274
-size 469279
diff --git a/anli_should_assume_r1_score_eval/test-00000-of-00001.parquet b/anli_should_assume_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index dc6b915974941cfc7302fbfbbdcd757896294882..0000000000000000000000000000000000000000
--- a/anli_should_assume_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1d7597a3b0f261651e0f77a368dc4d2a9a22ef3ce03b50f2dc24d3f21e4a2ece
-size 793705
diff --git a/anli_should_assume_r1_score_eval/train-00000-of-00001.parquet b/anli_should_assume_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 6f4631b5e72d46b2d3702978b93e0638934284b7..0000000000000000000000000000000000000000
--- a/anli_should_assume_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c48433363088ad5ff2a9a56943ef4192d2dc7827eb8d2f16ce9e51ee7bb928ae
-size 7596452
diff --git a/anli_should_assume_r1_score_eval/validation-00000-of-00001.parquet b/anli_should_assume_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 68621a170d507ba4e416941d96fc85b964809231..0000000000000000000000000000000000000000
--- a/anli_should_assume_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c204090b88db2382e822516aae3f86ad13c60bb699812129c123dbc13b4beaa2
-size 833398
diff --git a/anli_should_assume_r2/test-00000-of-00001.parquet b/anli_should_assume_r2/test-00000-of-00001.parquet
deleted file mode 100644
index adb8bbc210b11b0f2ca63803c5b838697ecd253c..0000000000000000000000000000000000000000
--- a/anli_should_assume_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1ff83303a81c0a1dcfc4feed69ae05cf660d8db6d5c1ac0df723b39514cba0c2
-size 475931
diff --git a/anli_should_assume_r2/train-00000-of-00001.parquet b/anli_should_assume_r2/train-00000-of-00001.parquet
deleted file mode 100644
index b5cc1112d840f63acde9c8a5c9e03a18f380c92f..0000000000000000000000000000000000000000
--- a/anli_should_assume_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9b7fcdb1542c1ef709e880955af070369bb38daec3a60ea7ac5ef84312b1a154
-size 13238561
diff --git a/anli_should_assume_r2/validation-00000-of-00001.parquet b/anli_should_assume_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index ef0dbc86afcc600405a5d45f7e1a91fc8bf6bf1f..0000000000000000000000000000000000000000
--- a/anli_should_assume_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:59bd37a21f2a8dd014335a9b34962cb934521d6a4876efdde069c8157c63ce6d
-size 471682
diff --git a/anli_should_assume_r2_score_eval/test-00000-of-00001.parquet b/anli_should_assume_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 7a8389070df324c0c9ff8145e449bb62e7476b9c..0000000000000000000000000000000000000000
--- a/anli_should_assume_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:03d728a9c4446bd195454a4eaee5088aa83eb66aefcb5e636f6ecf8e213fea45
-size 796713
diff --git a/anli_should_assume_r2_score_eval/train-00000-of-00001.parquet b/anli_should_assume_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 7a7faf3da2a0c6dc24d9ccd5c4e460e6cd2ab0c5..0000000000000000000000000000000000000000
--- a/anli_should_assume_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b80a98095509db06fbd4ce4adc2c6baf008860ead55a6453b6d966ce0b5a1b01
-size 16332727
diff --git a/anli_should_assume_r2_score_eval/validation-00000-of-00001.parquet b/anli_should_assume_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index d11bb73dd5bcb43a6609598bc3e667e09c6e98bf..0000000000000000000000000000000000000000
--- a/anli_should_assume_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f14d6de8f61ef73697b386a3fbc6820bb76b62749fd931c9eb46c728998863e7
-size 809714
diff --git a/anli_should_assume_r3/test-00000-of-00001.parquet b/anli_should_assume_r3/test-00000-of-00001.parquet
deleted file mode 100644
index a50663bb4e9e1f97c1e44540e9b358b235a45145..0000000000000000000000000000000000000000
--- a/anli_should_assume_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:776830f81914614d86b70ed3672d78f1721db26f7dcdc3b0e7ff8d818a6c00a4
-size 551710
diff --git a/anli_should_assume_r3/train-00000-of-00001.parquet b/anli_should_assume_r3/train-00000-of-00001.parquet
deleted file mode 100644
index ae67b77a30345c75d45b158af78dfcd013d13da1..0000000000000000000000000000000000000000
--- a/anli_should_assume_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:631f73e929acbbf19d48f7c8e14985ba4c113690b50c4f8e17a956d7554e6475
-size 27901077
diff --git a/anli_should_assume_r3/validation-00000-of-00001.parquet b/anli_should_assume_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index d7e49de367596111539e2a838ecb0b137fa92d66..0000000000000000000000000000000000000000
--- a/anli_should_assume_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:63fe7d84527a131bf1083e52a288137b70873eeab4396803296d67386f0b700e
-size 554237
diff --git a/anli_should_assume_r3_score_eval/test-00000-of-00001.parquet b/anli_should_assume_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 5b5070b5ba2bab8b6cc2e6a0f5d65925164b5e01..0000000000000000000000000000000000000000
--- a/anli_should_assume_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4e53737404d43f524aadf18a28fff5603254c28de06baf71e68cc81a8e5a8ff0
-size 892003
diff --git a/anli_should_assume_r3_score_eval/train-00000-of-00001.parquet b/anli_should_assume_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 235d5e58cad3e91b44a7989fc54a784a8d5cdede..0000000000000000000000000000000000000000
--- a/anli_should_assume_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3ad9489b084479ff187c718ada9d813e51cbf9451611651756fe1e6c6d32b615
-size 35499941
diff --git a/anli_should_assume_r3_score_eval/validation-00000-of-00001.parquet b/anli_should_assume_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2fa675beff417ccb2e637ea066d933a17ddf9704..0000000000000000000000000000000000000000
--- a/anli_should_assume_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:50e07510e87cadae5fc0ea430b7e80600a6060e092ffc2949978c7035fd6da68
-size 919345
diff --git a/anli_take_the_following_as_truth_r1/test-00000-of-00001.parquet b/anli_take_the_following_as_truth_r1/test-00000-of-00001.parquet
deleted file mode 100644
index b112244c7cef9be7edf453a177601a6fb3bcd296..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a9bb130aabf7122e3b51cfeb4864626c8c6ad4db10c77fe3b5061fe2fc43e237
-size 472546
diff --git a/anli_take_the_following_as_truth_r1/train-00000-of-00001.parquet b/anli_take_the_following_as_truth_r1/train-00000-of-00001.parquet
deleted file mode 100644
index 20c84ac009a0028550b10297d65b6f7272aa39fd..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f1fc2aa8576afaecefb39eb5c5a8ade3c481f4a6a155b92b58f4c7e1d2238d8e
-size 6011009
diff --git a/anli_take_the_following_as_truth_r1/validation-00000-of-00001.parquet b/anli_take_the_following_as_truth_r1/validation-00000-of-00001.parquet
deleted file mode 100644
index 0fd60b723cafbd24331a380897b2a2d0a661ba9f..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:06b03ac76d8594e9fc9a0fda08656972ce543cd2d01b9eae62555be746d2cedc
-size 474761
diff --git a/anli_take_the_following_as_truth_r1_score_eval/test-00000-of-00001.parquet b/anli_take_the_following_as_truth_r1_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b31187c07eb8405d1f0fa52d6c2e8a55e302570d..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r1_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c3525132859263a6d979940d73b711a24f3fa8574e04c247f4141723db44ccc2
-size 813985
diff --git a/anli_take_the_following_as_truth_r1_score_eval/train-00000-of-00001.parquet b/anli_take_the_following_as_truth_r1_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 00591c4181e9e215682803c0d8237c716895e2f0..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r1_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:19d9cbaea2b562cf5e1c83ac33e9482d93383b452e4cffcf29727035faeefbb0
-size 7663935
diff --git a/anli_take_the_following_as_truth_r1_score_eval/validation-00000-of-00001.parquet b/anli_take_the_following_as_truth_r1_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 356c30a590385c3b8d2c99c448fec745b1896844..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r1_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f30c7ea43a3c9bf20bd033e56c6897445fa7b1428010bfad7b20b6157ead44d
-size 818518
diff --git a/anli_take_the_following_as_truth_r2/test-00000-of-00001.parquet b/anli_take_the_following_as_truth_r2/test-00000-of-00001.parquet
deleted file mode 100644
index 668b5a6b43ff4097babd5112435a1cbbfd67c82a..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:72722121d48b40fd8395c58de75f5e0b0e756eaabfaa0d4a3d28280532f61b2a
-size 479412
diff --git a/anli_take_the_following_as_truth_r2/train-00000-of-00001.parquet b/anli_take_the_following_as_truth_r2/train-00000-of-00001.parquet
deleted file mode 100644
index 96874e98df177fda0eceef4056d4ea0f411931d8..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7de3f61ea332f611b0aa8f0cb33daf4306d67c60011f5b1e08b275f9aa86e2a4
-size 13419819
diff --git a/anli_take_the_following_as_truth_r2/validation-00000-of-00001.parquet b/anli_take_the_following_as_truth_r2/validation-00000-of-00001.parquet
deleted file mode 100644
index b8a69108a6ab830b4b67bb91d658a1c2920e01a9..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9cbdc55903677de3faa41575c77e4721d2cd97143163a1569e75f781aca23574
-size 475770
diff --git a/anli_take_the_following_as_truth_r2_score_eval/test-00000-of-00001.parquet b/anli_take_the_following_as_truth_r2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index c244d1b60af1f260516d770c52697478c503b6c9..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9a73d8ae9866718166c8831e3cdcab11e56df7e00831004a576ba63a9ec2754e
-size 844063
diff --git a/anli_take_the_following_as_truth_r2_score_eval/train-00000-of-00001.parquet b/anli_take_the_following_as_truth_r2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 64f8282e671a29e1f7d145530b28adb1e29ef14a..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee5becb132ab61541e3c61906a0bc378c7eb8d31db37ec82ad1e8dfa2be27391
-size 16465032
diff --git a/anli_take_the_following_as_truth_r2_score_eval/validation-00000-of-00001.parquet b/anli_take_the_following_as_truth_r2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 388728b82d52e5f0f28e106921d135f5d367fcf4..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e3eb513b0e196909e6bcecebd720bb62a137f1f1b3f06eadd004ea15b1054b29
-size 854965
diff --git a/anli_take_the_following_as_truth_r3/test-00000-of-00001.parquet b/anli_take_the_following_as_truth_r3/test-00000-of-00001.parquet
deleted file mode 100644
index 17f67ed56862f418b572d01e0f5f685f3df679d1..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9e3815c037d4a5152c17b49ae8e9c03f411f8a7943fceb71334d6b50f4f10e2b
-size 557237
diff --git a/anli_take_the_following_as_truth_r3/train-00000-of-00001.parquet b/anli_take_the_following_as_truth_r3/train-00000-of-00001.parquet
deleted file mode 100644
index 080d73ad2b93d10148b6b09fbf6a0b50b8428e80..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:11b470613129ee4637d569e729be4b64475b74dae1b32d07529a119f2b653a74
-size 28309046
diff --git a/anli_take_the_following_as_truth_r3/validation-00000-of-00001.parquet b/anli_take_the_following_as_truth_r3/validation-00000-of-00001.parquet
deleted file mode 100644
index f28b7d6e10334a092cb11acc41f9f25ccfffaa24..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:883df3494540e0921733b41236267df8ee995856c0cd685c0bf252cd928c5528
-size 559038
diff --git a/anli_take_the_following_as_truth_r3_score_eval/test-00000-of-00001.parquet b/anli_take_the_following_as_truth_r3_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 428aad5d39e335870fcc0546e696de49db9b0955..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r3_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8a40c81509fa812716783fd1f4503eff12160291477d361f7f470d568dc591b9
-size 897820
diff --git a/anli_take_the_following_as_truth_r3_score_eval/train-00000-of-00001.parquet b/anli_take_the_following_as_truth_r3_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 5026af0c029234f90bd13c3ff9b20a168b35592e..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r3_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1ea9ce52460b73a8bba4ece3c37c4725c3feee99ed8579224acbee86c1944bd1
-size 35777151
diff --git a/anli_take_the_following_as_truth_r3_score_eval/validation-00000-of-00001.parquet b/anli_take_the_following_as_truth_r3_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2c94088a04d8b15f999f81f2d86e92fd86d83eec..0000000000000000000000000000000000000000
--- a/anli_take_the_following_as_truth_r3_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3b89492b6c7ef7d9d46e2ae22ed7a26d0855406f33f086565a6edb8cc52faee3
-size 909916
diff --git a/app_reviews_categorize_rating_using_review/train-00000-of-00001.parquet b/app_reviews_categorize_rating_using_review/train-00000-of-00001.parquet
deleted file mode 100644
index 9112e33a359b27750cc0aa9c63f39e295d1a95d1..0000000000000000000000000000000000000000
--- a/app_reviews_categorize_rating_using_review/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:55fc696127b57265dccbdf23f025f306688c1c8af452d374d0196e82ae0a67b7
-size 27269906
diff --git a/app_reviews_convert_to_rating/train-00000-of-00001.parquet b/app_reviews_convert_to_rating/train-00000-of-00001.parquet
deleted file mode 100644
index 22a21c1a0a54aefe6a263fe50f999bf7ddb89813..0000000000000000000000000000000000000000
--- a/app_reviews_convert_to_rating/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d570dc7001fbef20ead644a0e35ac76d0757d9d191eb48e34d92df791b9d1443
-size 26630751
diff --git a/app_reviews_convert_to_star_rating/train-00000-of-00001.parquet b/app_reviews_convert_to_star_rating/train-00000-of-00001.parquet
deleted file mode 100644
index b5faef3859cc3149ad3d9ddfc58a1aff683b6eb2..0000000000000000000000000000000000000000
--- a/app_reviews_convert_to_star_rating/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:599621cb60a0a3ba86a93c2ce000f9bd428ef07d10f363991e602bd5b70698ea
-size 26563470
diff --git a/app_reviews_generate_review/train-00000-of-00001.parquet b/app_reviews_generate_review/train-00000-of-00001.parquet
deleted file mode 100644
index 57c99595aa384199fbcfe0a599346e6763926819..0000000000000000000000000000000000000000
--- a/app_reviews_generate_review/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a09a191ad57694712e0bad49efba6fed7fd526affc5c4723892828c43558876d
-size 24274319
diff --git a/cnn_dailymail_3.0.0_2_or_3_sentences/test-00000-of-00001.parquet b/cnn_dailymail_3.0.0_2_or_3_sentences/test-00000-of-00001.parquet
deleted file mode 100644
index c7ccfe100107c68a4159bea3ece9f4ffdc9b5c98..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_2_or_3_sentences/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ed84843a1b6c4966063f349c1748d38796bb6e7b8912108559a8269e7a2537f0
-size 30245737
diff --git a/cnn_dailymail_3.0.0_2_or_3_sentences/train-00000-of-00003.parquet b/cnn_dailymail_3.0.0_2_or_3_sentences/train-00000-of-00003.parquet
deleted file mode 100644
index 7698c2bebd0840b6146c81af796de33e6689e2f8..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_2_or_3_sentences/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a471e3e903801b8a97776650ba1d3de00f47f639db0cb17a43b81ad434484ba3
-size 246768752
diff --git a/cnn_dailymail_3.0.0_2_or_3_sentences/train-00001-of-00003.parquet b/cnn_dailymail_3.0.0_2_or_3_sentences/train-00001-of-00003.parquet
deleted file mode 100644
index a9762955826ac43a391e12ae513839d5b52d39ad..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_2_or_3_sentences/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0639fec2456d7b9a789735c13662baa70dee5d42d28062f670bc06dda5329230
-size 256925653
diff --git a/cnn_dailymail_3.0.0_2_or_3_sentences/train-00002-of-00003.parquet b/cnn_dailymail_3.0.0_2_or_3_sentences/train-00002-of-00003.parquet
deleted file mode 100644
index 4b5164959834c8a6d93f83d58c03bc78ecff47dc..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_2_or_3_sentences/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:219673392555772a44e570006b2213a6f69f17b4c7d6338017760272f2c32393
-size 257382800
diff --git a/cnn_dailymail_3.0.0_2_or_3_sentences/validation-00000-of-00001.parquet b/cnn_dailymail_3.0.0_2_or_3_sentences/validation-00000-of-00001.parquet
deleted file mode 100644
index 9028e991fed4fe7aba9b4bdac73b397a0ddde565..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_2_or_3_sentences/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dde5f464855254a36824b0b369c78a5364d9ff906c03cfed592c8d462f717257
-size 35311710
diff --git a/cnn_dailymail_3.0.0_generate_story/test-00000-of-00001.parquet b/cnn_dailymail_3.0.0_generate_story/test-00000-of-00001.parquet
deleted file mode 100644
index 8b5aa1156c83098f4ce5266c2977e78be0736fca..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_generate_story/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9a8d3f5e41e568b280c4f39776d85244d4a7b4de17f1b7d160a82babee3e3fe4
-size 29793913
diff --git a/cnn_dailymail_3.0.0_generate_story/train-00000-of-00003.parquet b/cnn_dailymail_3.0.0_generate_story/train-00000-of-00003.parquet
deleted file mode 100644
index 11e9c79f291b966b9c44350d4805aabd4850c5ca..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_generate_story/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aeb1ce58c54efb77dfebcdb22b39e6a851704e01d304967be6dc3adf566b1f2e
-size 242697100
diff --git a/cnn_dailymail_3.0.0_generate_story/train-00001-of-00003.parquet b/cnn_dailymail_3.0.0_generate_story/train-00001-of-00003.parquet
deleted file mode 100644
index 2214d0bc253365f23ba0e025023bb76f72e0085f..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_generate_story/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2b3af41baeebc1aef63a740d3390ea609f0a033ef33add8d198a6101d9ef49d6
-size 253336112
diff --git a/cnn_dailymail_3.0.0_generate_story/train-00002-of-00003.parquet b/cnn_dailymail_3.0.0_generate_story/train-00002-of-00003.parquet
deleted file mode 100644
index d3b189b1f0243f02b4b076fb5e21ded1357dc7fa..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_generate_story/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ac9a447a138bdeb65d3bdd8587c9737a231e3194126a7a01b44cca255637f5ec
-size 253756765
diff --git a/cnn_dailymail_3.0.0_generate_story/validation-00000-of-00001.parquet b/cnn_dailymail_3.0.0_generate_story/validation-00000-of-00001.parquet
deleted file mode 100644
index e08dd453dcb2d8a500a74e409190d42bb3bb4c3d..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_generate_story/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b89ca53cdb142b6d7fa86f93fbaa4bf77f24aba4247681c005e945e521486a8c
-size 34770611
diff --git a/cnn_dailymail_3.0.0_news_card_view/test-00000-of-00001.parquet b/cnn_dailymail_3.0.0_news_card_view/test-00000-of-00001.parquet
deleted file mode 100644
index 2f893c553ea4d1259a6cc0c4b574bca0ec4674b3..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_card_view/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:78822d72c0e450fb81ce75a009ad1f5ffbca2da8fc9de7ca64ed0d86db99a02c
-size 30305822
diff --git a/cnn_dailymail_3.0.0_news_card_view/train-00000-of-00003.parquet b/cnn_dailymail_3.0.0_news_card_view/train-00000-of-00003.parquet
deleted file mode 100644
index 66768f738c943cd4332e58bce53e36dcd7d10e45..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_card_view/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1ef8eb2c450e28b9f34d6cee360f68d00130fa6ef49cde8ac49f699dba10ef7d
-size 247269064
diff --git a/cnn_dailymail_3.0.0_news_card_view/train-00001-of-00003.parquet b/cnn_dailymail_3.0.0_news_card_view/train-00001-of-00003.parquet
deleted file mode 100644
index 2140a34ab3152b1e129dc1936450b3645acbe688..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_card_view/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2aee0834daa44b28911c01e232456a50c500cee7e0c2f601ae5247c2dd549bde
-size 257516806
diff --git a/cnn_dailymail_3.0.0_news_card_view/train-00002-of-00003.parquet b/cnn_dailymail_3.0.0_news_card_view/train-00002-of-00003.parquet
deleted file mode 100644
index 021eb9d1b0c8554de23df10f806276a9c1bc9c64..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_card_view/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:35b9ac5ffb8f7c7aeb2133cb82ab754729f816422b7108328eeb65e18f50df3a
-size 257834670
diff --git a/cnn_dailymail_3.0.0_news_card_view/validation-00000-of-00001.parquet b/cnn_dailymail_3.0.0_news_card_view/validation-00000-of-00001.parquet
deleted file mode 100644
index efc01490b18866cb82de7c6f64d7961c41014755..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_card_view/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ffa402ffe7e08199df84505e95dc29102bb39d92322484476a369e1667ae5602
-size 35359147
diff --git a/cnn_dailymail_3.0.0_news_stock/test-00000-of-00001.parquet b/cnn_dailymail_3.0.0_news_stock/test-00000-of-00001.parquet
deleted file mode 100644
index 0749d3455deaa015defa6b25627ceda87a99102a..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_stock/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b240590b96687d64265bd6acc5c1d76c208b2746afdfdbb0ad95f1d1592b70af
-size 30143200
diff --git a/cnn_dailymail_3.0.0_news_stock/train-00000-of-00003.parquet b/cnn_dailymail_3.0.0_news_stock/train-00000-of-00003.parquet
deleted file mode 100644
index 588c89db054b123bcecf23433b9bcd2dfa66d4f3..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_stock/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:42a87c8b37b85f5c11d89f47661e059d00e323a55356638417d438e666ba6df0
-size 245765558
diff --git a/cnn_dailymail_3.0.0_news_stock/train-00001-of-00003.parquet b/cnn_dailymail_3.0.0_news_stock/train-00001-of-00003.parquet
deleted file mode 100644
index 51e7d9b7f7e73d8901f893023487d8b98d8bfff0..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_stock/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:eb934f3dcfc813f9cd88418635ae60beb12af06bab2a7a33f66a574863e74c4f
-size 256121272
diff --git a/cnn_dailymail_3.0.0_news_stock/train-00002-of-00003.parquet b/cnn_dailymail_3.0.0_news_stock/train-00002-of-00003.parquet
deleted file mode 100644
index 3f0e80717f03de51615f32dc7c4b1b1d0a868980..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_stock/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a977b50a668055c65b0983b3d6bc794ea8b23a2f724de533a8cdac9209777d1a
-size 256570744
diff --git a/cnn_dailymail_3.0.0_news_stock/validation-00000-of-00001.parquet b/cnn_dailymail_3.0.0_news_stock/validation-00000-of-00001.parquet
deleted file mode 100644
index b10adb1c77d91d277b883794758e3966295d3e8b..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_stock/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:15dbe235993b73f7f3dcf3f57c3350fd783b41910c410dfcea194935805adce4
-size 35190557
diff --git a/cnn_dailymail_3.0.0_news_summary/test-00000-of-00001.parquet b/cnn_dailymail_3.0.0_news_summary/test-00000-of-00001.parquet
deleted file mode 100644
index fd818016667c3a8c40e2862391f7d857adacd1e0..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_summary/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bb586a267cc2f8ec3ebec36e1ddbc0b14d36a1d6fcfb93ba3f4c4974769787eb
-size 29883767
diff --git a/cnn_dailymail_3.0.0_news_summary/train-00000-of-00003.parquet b/cnn_dailymail_3.0.0_news_summary/train-00000-of-00003.parquet
deleted file mode 100644
index cb8d4a75c3561b072645772f359684e6501ffa68..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_summary/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5931333ab3e59bb85b8d2cd4eebe7bba0a7334cddcaff5f4f1da4d4136c34581
-size 243581079
diff --git a/cnn_dailymail_3.0.0_news_summary/train-00001-of-00003.parquet b/cnn_dailymail_3.0.0_news_summary/train-00001-of-00003.parquet
deleted file mode 100644
index 2f70354b50b88a39c50c804493cbcda88643e5f6..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_summary/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6810e109c69abff797705aab78f08509d23d286eab7c923e20a4067008cf18fb
-size 254043261
diff --git a/cnn_dailymail_3.0.0_news_summary/train-00002-of-00003.parquet b/cnn_dailymail_3.0.0_news_summary/train-00002-of-00003.parquet
deleted file mode 100644
index 41d70c67c0ca1b011679275514790266c0c45903..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_summary/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:27641f81a53d31373e3b7f702383c4c3874553a03ea88e52c5c8f2a726bc4944
-size 254492566
diff --git a/cnn_dailymail_3.0.0_news_summary/validation-00000-of-00001.parquet b/cnn_dailymail_3.0.0_news_summary/validation-00000-of-00001.parquet
deleted file mode 100644
index efb65db9b338773f7f82edf9a2c0a146d1697053..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_news_summary/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dc278d6ba696cf737fd0e898eecefa7ae7bfe0f3847925ebcef7ab3fd19a9b5c
-size 34888589
diff --git a/cnn_dailymail_3.0.0_spice_up_story/test-00000-of-00001.parquet b/cnn_dailymail_3.0.0_spice_up_story/test-00000-of-00001.parquet
deleted file mode 100644
index 28f0809fceb81e5f9b54379b2a099f5e45333730..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_spice_up_story/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b1c5837270b0b741eff44b0906e1dda27de38f5e1349c5840f8040989f6db9d3
-size 29865711
diff --git a/cnn_dailymail_3.0.0_spice_up_story/train-00000-of-00003.parquet b/cnn_dailymail_3.0.0_spice_up_story/train-00000-of-00003.parquet
deleted file mode 100644
index 8c85f928434388b0e7e560ca6859eefe484879de..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_spice_up_story/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1dea75130a6d33c0cb30f555612e6b5f5b2e857106bf6bcdb27d42f6582e2a04
-size 243353207
diff --git a/cnn_dailymail_3.0.0_spice_up_story/train-00001-of-00003.parquet b/cnn_dailymail_3.0.0_spice_up_story/train-00001-of-00003.parquet
deleted file mode 100644
index 377d0758f741a1615268817386ee52ccba05dfb4..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_spice_up_story/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:32a139cc0641de4abd0b9858df0d31b8e8acbad114efa3e189870559bed75a2a
-size 253942706
diff --git a/cnn_dailymail_3.0.0_spice_up_story/train-00002-of-00003.parquet b/cnn_dailymail_3.0.0_spice_up_story/train-00002-of-00003.parquet
deleted file mode 100644
index 2ef47c3c7e8be071c4068165d1612ce809005f40..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_spice_up_story/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1c6ca76522f932126f6813206b2707e6a5168efff27e24d0c3d25e56e1942461
-size 254354607
diff --git a/cnn_dailymail_3.0.0_spice_up_story/validation-00000-of-00001.parquet b/cnn_dailymail_3.0.0_spice_up_story/validation-00000-of-00001.parquet
deleted file mode 100644
index 997b3117755c80e39f42fce86ace1ba58129bf1f..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_spice_up_story/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:303c4e8f74ffc922559f857ce211cb8eaf8867f21ef9b2a399f3a638a4958424
-size 34859168
diff --git a/cnn_dailymail_3.0.0_sum_in_brief/test-00000-of-00001.parquet b/cnn_dailymail_3.0.0_sum_in_brief/test-00000-of-00001.parquet
deleted file mode 100644
index bf574ccb58981ee6206d0571ac16fa71f7e506c7..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_sum_in_brief/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:adbd4df87f604b2436e45d7a9875d9f6f14d5d30c094b79956c05c481a7ce8de
-size 29879315
diff --git a/cnn_dailymail_3.0.0_sum_in_brief/train-00000-of-00003.parquet b/cnn_dailymail_3.0.0_sum_in_brief/train-00000-of-00003.parquet
deleted file mode 100644
index 72a3bd3762fa9f8d59948c54cd23a6556ae27c22..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_sum_in_brief/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:01ac5bd669db839a0852e1d76b15e2bb51248c67feeedaf5c04959adfd1ead30
-size 243578174
diff --git a/cnn_dailymail_3.0.0_sum_in_brief/train-00001-of-00003.parquet b/cnn_dailymail_3.0.0_sum_in_brief/train-00001-of-00003.parquet
deleted file mode 100644
index 24a24d12fbbbf6307dd3a167844b3bb523784835..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_sum_in_brief/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b46a7fb76686f8975c4df3a7f9141bdc3985ee456a527be98ef1dbfcf704edea
-size 254077824
diff --git a/cnn_dailymail_3.0.0_sum_in_brief/train-00002-of-00003.parquet b/cnn_dailymail_3.0.0_sum_in_brief/train-00002-of-00003.parquet
deleted file mode 100644
index 0ac7ed533f80fe9eed6f1128a4662cc61fe28dc3..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_sum_in_brief/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2e97d9595e847be76199151b01b3df176878ef122578884dbe007238912bdc8b
-size 254455198
diff --git a/cnn_dailymail_3.0.0_sum_in_brief/validation-00000-of-00001.parquet b/cnn_dailymail_3.0.0_sum_in_brief/validation-00000-of-00001.parquet
deleted file mode 100644
index 9a5f0e6d3db3719a2891d41e7db48d3f258b2791..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_sum_in_brief/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ea3caa601d89158549b2ff02e849eb2022fe668f067615647d84d09cef59c73e
-size 34878418
diff --git a/cnn_dailymail_3.0.0_tldr_summary/test-00000-of-00001.parquet b/cnn_dailymail_3.0.0_tldr_summary/test-00000-of-00001.parquet
deleted file mode 100644
index 9d39b101d34fb35005385715395848a0293d4ac8..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_tldr_summary/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e6e9d337ecdb1804b75306bf4cdee2267e405d9bea6df62b9a441d2071b6abfa
-size 30337868
diff --git a/cnn_dailymail_3.0.0_tldr_summary/train-00000-of-00003.parquet b/cnn_dailymail_3.0.0_tldr_summary/train-00000-of-00003.parquet
deleted file mode 100644
index c4a8e3071c17ebf6a7ae168bb4f71504a890c5ed..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_tldr_summary/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c82d594201eab367c6fd19e8f0fde2ece91dc994dbb8e2eeef8f3ef5104d4da3
-size 247573203
diff --git a/cnn_dailymail_3.0.0_tldr_summary/train-00001-of-00003.parquet b/cnn_dailymail_3.0.0_tldr_summary/train-00001-of-00003.parquet
deleted file mode 100644
index 1362d6d078c5c6dce76a5f1b7f7ce4a125d4fdb2..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_tldr_summary/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a740c99a47332e77f2e23856d323ed30bf6e799298e5df99dc95df6d488fd439
-size 257709664
diff --git a/cnn_dailymail_3.0.0_tldr_summary/train-00002-of-00003.parquet b/cnn_dailymail_3.0.0_tldr_summary/train-00002-of-00003.parquet
deleted file mode 100644
index 3d6bb12c4705ea538d58fe44a98568539142d343..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_tldr_summary/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:768dad7b70498075a6ca2689c14376670cd703c7bd8b214995d78141204db1b4
-size 258254187
diff --git a/cnn_dailymail_3.0.0_tldr_summary/validation-00000-of-00001.parquet b/cnn_dailymail_3.0.0_tldr_summary/validation-00000-of-00001.parquet
deleted file mode 100644
index 057c8037749d1605505c85b96cb52848da31523f..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_tldr_summary/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1de4795a2cb089af19bb09a23e337ba695921cb4ef9151661f4a97f1ca7f84b5
-size 35395821
diff --git a/cnn_dailymail_3.0.0_write_an_outline/test-00000-of-00001.parquet b/cnn_dailymail_3.0.0_write_an_outline/test-00000-of-00001.parquet
deleted file mode 100644
index cf81028a6b982abac7a0b1864a41dc38f2fdca50..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_write_an_outline/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d722f0d142d89304e9d7e1001941bb7176cadeaac162631d03a5bcfa09b1181a
-size 30121902
diff --git a/cnn_dailymail_3.0.0_write_an_outline/train-00000-of-00003.parquet b/cnn_dailymail_3.0.0_write_an_outline/train-00000-of-00003.parquet
deleted file mode 100644
index 20463641782005830668eb363bf7253cac41f2d4..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_write_an_outline/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1068da560d8af300c06c8f0500b0c769cc7f78f422f1553e8fa37d38cdba6c99
-size 245700273
diff --git a/cnn_dailymail_3.0.0_write_an_outline/train-00001-of-00003.parquet b/cnn_dailymail_3.0.0_write_an_outline/train-00001-of-00003.parquet
deleted file mode 100644
index 6a7f57a780e3e6e92725b60dce5327fe809da0cd..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_write_an_outline/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b18ba57496f7c6b59eb685cc22c05488d5082e7ab6e7ce8f2ffa80c31935aa4e
-size 255968933
diff --git a/cnn_dailymail_3.0.0_write_an_outline/train-00002-of-00003.parquet b/cnn_dailymail_3.0.0_write_an_outline/train-00002-of-00003.parquet
deleted file mode 100644
index 1b760aa2a8aafb4c01dd0888b53e6a91eaa37a34..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_write_an_outline/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:01aab76fec05f4e0dbe1c306a7442b9e939bcbcfadfa0a717c9f4c152fdb5c70
-size 256300691
diff --git a/cnn_dailymail_3.0.0_write_an_outline/validation-00000-of-00001.parquet b/cnn_dailymail_3.0.0_write_an_outline/validation-00000-of-00001.parquet
deleted file mode 100644
index 0955b71a0261dd88c19979b6d4131aad405dd90f..0000000000000000000000000000000000000000
--- a/cnn_dailymail_3.0.0_write_an_outline/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ff08637b843f0a4f6fc46237c271c1d96dba2902d3f4733139eb48836c0f1866
-size 35175340
diff --git a/common_gen_Example_prompt/test-00000-of-00001.parquet b/common_gen_Example_prompt/test-00000-of-00001.parquet
deleted file mode 100644
index bee5df40c78b258d0607f130d8cb432f2d172bed..0000000000000000000000000000000000000000
--- a/common_gen_Example_prompt/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:44560d05ccb3ffa93a1cd35cb35bfecc6ca06b54faecd0c93c4d6d5905217969
-size 81124
diff --git a/common_gen_Example_prompt/train-00000-of-00001.parquet b/common_gen_Example_prompt/train-00000-of-00001.parquet
deleted file mode 100644
index f7fed1fd67764d006188a89ed04e452d1e5853a4..0000000000000000000000000000000000000000
--- a/common_gen_Example_prompt/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cda265892246226dc343cd413518b6f2793ce20781d8f119f8b46d6f1cd86bd5
-size 6387440
diff --git a/common_gen_Example_prompt/validation-00000-of-00001.parquet b/common_gen_Example_prompt/validation-00000-of-00001.parquet
deleted file mode 100644
index 64949937197b91ef87c725155c22c3002bcec740..0000000000000000000000000000000000000000
--- a/common_gen_Example_prompt/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a7f49f738899df2218bf94d62f15663cf1481173f3c08af067f650da6ad85bcf
-size 343915
diff --git a/common_gen_Given_concepts_type_1/test-00000-of-00001.parquet b/common_gen_Given_concepts_type_1/test-00000-of-00001.parquet
deleted file mode 100644
index ee922ab87d57961afdf2730edaa14279cfb11b04..0000000000000000000000000000000000000000
--- a/common_gen_Given_concepts_type_1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:38c3d06a5f4d2fdccaa68f1740c01cdc35c0d5a0d4c842c9f6beb52b5e921f51
-size 72893
diff --git a/common_gen_Given_concepts_type_1/train-00000-of-00001.parquet b/common_gen_Given_concepts_type_1/train-00000-of-00001.parquet
deleted file mode 100644
index 9b085e8b2dd96aad634caa65c8315fbe64276420..0000000000000000000000000000000000000000
--- a/common_gen_Given_concepts_type_1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:680973149b9885145a584d94ff6652f72c40c19b913e95a448c7929f83d1b4c5
-size 6176745
diff --git a/common_gen_Given_concepts_type_1/validation-00000-of-00001.parquet b/common_gen_Given_concepts_type_1/validation-00000-of-00001.parquet
deleted file mode 100644
index 01c0d395f5ba7e9f561fbcb86586c94293b81ef6..0000000000000000000000000000000000000000
--- a/common_gen_Given_concepts_type_1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b18dcc73d987b97ef51da121d19abdda0a22361575d2ced0fd7999547beda149
-size 335860
diff --git a/common_gen_Given_concepts_type_2/test-00000-of-00001.parquet b/common_gen_Given_concepts_type_2/test-00000-of-00001.parquet
deleted file mode 100644
index 5d8f073b33b2b979535fc824f772d96cd5f96ac8..0000000000000000000000000000000000000000
--- a/common_gen_Given_concepts_type_2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:820a61302b64c2c55a9e926033d56213fef13f8dd806e01082e1dd415110393a
-size 73308
diff --git a/common_gen_Given_concepts_type_2/train-00000-of-00001.parquet b/common_gen_Given_concepts_type_2/train-00000-of-00001.parquet
deleted file mode 100644
index 4ccb2172e2a061c8730a6d5060dcd99dcc1f5946..0000000000000000000000000000000000000000
--- a/common_gen_Given_concepts_type_2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0c5cdabc1487ddf4fd3c7d96d8a3158cea4237b6c29a68b536980cc8ee1bfd9a
-size 6152588
diff --git a/common_gen_Given_concepts_type_2/validation-00000-of-00001.parquet b/common_gen_Given_concepts_type_2/validation-00000-of-00001.parquet
deleted file mode 100644
index f0e85c8978337837b4a7a50b796b32ad29bee79e..0000000000000000000000000000000000000000
--- a/common_gen_Given_concepts_type_2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:06d708a7597a740bbe24b70861b826a6c14227372ea26a75f0440d639e159caf
-size 330688
diff --git a/common_gen_Put_together/test-00000-of-00001.parquet b/common_gen_Put_together/test-00000-of-00001.parquet
deleted file mode 100644
index c47515a7e9aa7736ac159b53154e28a89ac1bc68..0000000000000000000000000000000000000000
--- a/common_gen_Put_together/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5d85a4c3b8e736232da2ad98552a91d4608c9e90be8de41b2d72e9d04e31791c
-size 68906
diff --git a/common_gen_Put_together/train-00000-of-00001.parquet b/common_gen_Put_together/train-00000-of-00001.parquet
deleted file mode 100644
index 63ad41cc2f862fdf25674a11cb6b6277a6f8220a..0000000000000000000000000000000000000000
--- a/common_gen_Put_together/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:82f995caadf9a33788d35908c876d0f97b984af2908892426471031849649a6d
-size 5957577
diff --git a/common_gen_Put_together/validation-00000-of-00001.parquet b/common_gen_Put_together/validation-00000-of-00001.parquet
deleted file mode 100644
index f5a9190d8c99c75d355e9abea42a091a0e412b4f..0000000000000000000000000000000000000000
--- a/common_gen_Put_together/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ebffa93d763708353cc1aa92d1e9a0d763580dae8e1bcf0d7b5131844624611c
-size 319260
diff --git a/common_gen_choice_in_concept_centric_sentence_generation/test-00000-of-00001.parquet b/common_gen_choice_in_concept_centric_sentence_generation/test-00000-of-00001.parquet
deleted file mode 100644
index c805111da24b0306b923d5efba099bb0b0fe3d86..0000000000000000000000000000000000000000
--- a/common_gen_choice_in_concept_centric_sentence_generation/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:37a5bf241d6ebcfa55a817f98c2cd4053bc024ec201b3fd4d1c25267652d51fc
-size 87963
diff --git a/common_gen_choice_in_concept_centric_sentence_generation/train-00000-of-00001.parquet b/common_gen_choice_in_concept_centric_sentence_generation/train-00000-of-00001.parquet
deleted file mode 100644
index 8bd79712c4d97e006c01397032f02ec3d2646f38..0000000000000000000000000000000000000000
--- a/common_gen_choice_in_concept_centric_sentence_generation/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b50253e9088f577447168fb7e4cc9a65d4db2c064c10f91e93bf2382d14e0971
-size 6996796
diff --git a/common_gen_choice_in_concept_centric_sentence_generation/validation-00000-of-00001.parquet b/common_gen_choice_in_concept_centric_sentence_generation/validation-00000-of-00001.parquet
deleted file mode 100644
index cbd80433dfa1b9e8812b574d7798d9e2d64acb02..0000000000000000000000000000000000000000
--- a/common_gen_choice_in_concept_centric_sentence_generation/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:54a0470af7b5deadda97bc43cb851fcdeaa53504e1f3bc5dd890c9961333fa21
-size 380649
diff --git a/common_gen_random_task_template_prompt/test-00000-of-00001.parquet b/common_gen_random_task_template_prompt/test-00000-of-00001.parquet
deleted file mode 100644
index 4dc693777eb8f21a0027a7bcdd588ec8850a9e20..0000000000000000000000000000000000000000
--- a/common_gen_random_task_template_prompt/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8d8afd99072f14b88a7f550a53a40fcbdbdfdf0d054e6cea742bbc4b4a84e019
-size 70726
diff --git a/common_gen_random_task_template_prompt/train-00000-of-00001.parquet b/common_gen_random_task_template_prompt/train-00000-of-00001.parquet
deleted file mode 100644
index 43e7d3a67d0b57e70469180fce8d6bf3cfb0983d..0000000000000000000000000000000000000000
--- a/common_gen_random_task_template_prompt/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9dc1e15a66b41e3da404b2d7453b3c4e6b0df69442593ab42946b355a04184a4
-size 6246689
diff --git a/common_gen_random_task_template_prompt/validation-00000-of-00001.parquet b/common_gen_random_task_template_prompt/validation-00000-of-00001.parquet
deleted file mode 100644
index 0ddb26b0edfed1c2f27fb4736ed9b0030c70ae08..0000000000000000000000000000000000000000
--- a/common_gen_random_task_template_prompt/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:757e6b2cd05de00b970810316bbb2401f349c5a1e1c3ecee321209bf52316833
-size 339127
diff --git a/common_gen_sentence_to_concepts/test-00000-of-00001.parquet b/common_gen_sentence_to_concepts/test-00000-of-00001.parquet
deleted file mode 100644
index 4ba0482dcad6669eb5914f93b9e12437ce700eaf..0000000000000000000000000000000000000000
--- a/common_gen_sentence_to_concepts/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2db1eca53b322a6676fec4875a12b050b88e27acabab4fb0b86266781f567a2e
-size 62229
diff --git a/common_gen_sentence_to_concepts/train-00000-of-00001.parquet b/common_gen_sentence_to_concepts/train-00000-of-00001.parquet
deleted file mode 100644
index 0cfefd20b3a47533ba07b0526482b4487838ba8a..0000000000000000000000000000000000000000
--- a/common_gen_sentence_to_concepts/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c6b3f8949239430617e8260f5d6d2e98ba6bd449cbb8551a3002f9a32a11d5f8
-size 6277532
diff --git a/common_gen_sentence_to_concepts/validation-00000-of-00001.parquet b/common_gen_sentence_to_concepts/validation-00000-of-00001.parquet
deleted file mode 100644
index e6aada7381f2a3f13f8d536a0fc464b67031e49f..0000000000000000000000000000000000000000
--- a/common_gen_sentence_to_concepts/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:454a333bd48dce2b61a2696279f3b3d2dd526564b7b24a84fc96af17b074a89c
-size 336152
diff --git a/common_gen_topic_to_sentence/test-00000-of-00001.parquet b/common_gen_topic_to_sentence/test-00000-of-00001.parquet
deleted file mode 100644
index 78174a1126b8e010d15c952bdac9d60f9b5d931b..0000000000000000000000000000000000000000
--- a/common_gen_topic_to_sentence/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:425e46bb7871c3e9c6c7f11ebc8b7c25d7fb4bc12660e1632d424696cfc35999
-size 23415
diff --git a/common_gen_topic_to_sentence/train-00000-of-00001.parquet b/common_gen_topic_to_sentence/train-00000-of-00001.parquet
deleted file mode 100644
index a24f3012ad80bb8f3c556b3e1237efc04a6c2700..0000000000000000000000000000000000000000
--- a/common_gen_topic_to_sentence/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:108b6addfb07debc9a22f3207b241035be7f2bb894992708ceef7da167f0fc9c
-size 5314928
diff --git a/common_gen_topic_to_sentence/validation-00000-of-00001.parquet b/common_gen_topic_to_sentence/validation-00000-of-00001.parquet
deleted file mode 100644
index 6e6989e5cb850bd5d04be324b1d2560ba133e07a..0000000000000000000000000000000000000000
--- a/common_gen_topic_to_sentence/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:896f2449ef1c480ba7b935123b170f9f24f1db8176800e4d1850c5edbb371a98
-size 296127
diff --git a/common_gen_topics_from_the_sentence/test-00000-of-00001.parquet b/common_gen_topics_from_the_sentence/test-00000-of-00001.parquet
deleted file mode 100644
index 00a7be1817d9aa28fdac8e8e7a5c340a6f7f7dac..0000000000000000000000000000000000000000
--- a/common_gen_topics_from_the_sentence/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:810fa954a3ef8ad7470fb831b0818722fd1a8b360fe60b9ec88574f44e1a4080
-size 61443
diff --git a/common_gen_topics_from_the_sentence/train-00000-of-00001.parquet b/common_gen_topics_from_the_sentence/train-00000-of-00001.parquet
deleted file mode 100644
index af9c3427865af73011d443a5bd2b0adaff3f24c2..0000000000000000000000000000000000000000
--- a/common_gen_topics_from_the_sentence/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:216f2d53fb54043c041cf1e9c8a72593c9c314a99c7cb847f6df2e90be5366c0
-size 6117040
diff --git a/common_gen_topics_from_the_sentence/validation-00000-of-00001.parquet b/common_gen_topics_from_the_sentence/validation-00000-of-00001.parquet
deleted file mode 100644
index 409e17f08102b1e4375bc818b28db86a3ea4c741..0000000000000000000000000000000000000000
--- a/common_gen_topics_from_the_sentence/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:401a8c665fc7d96d5f9225ba289cc238b006b524ecce552e91c6bb86ccaeb061
-size 327121
diff --git a/cos_e_v1.11_aligned_with_common_sense/train-00000-of-00001.parquet b/cos_e_v1.11_aligned_with_common_sense/train-00000-of-00001.parquet
deleted file mode 100644
index ed9711d0deb4b4d334af8c2c866e7b9e7e96c545..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_aligned_with_common_sense/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1b04b4e74ee5f2d69f5f53b5a1438d779409931f546cb2a72092f0b2bf716800
-size 2223263
diff --git a/cos_e_v1.11_aligned_with_common_sense/validation-00000-of-00001.parquet b/cos_e_v1.11_aligned_with_common_sense/validation-00000-of-00001.parquet
deleted file mode 100644
index dc93ed7661a718cf79b3d6e4a6ee9b73e107c7a3..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_aligned_with_common_sense/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:465b7011388d453a1df030d393d146b3d3f931c7c13825e1f22f8a9417c4a792
-size 282718
diff --git a/cos_e_v1.11_description_question_option_id/train-00000-of-00001.parquet b/cos_e_v1.11_description_question_option_id/train-00000-of-00001.parquet
deleted file mode 100644
index 41452694116d55507b49b3d236ccecbcfe45ac58..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_description_question_option_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:945f7daa416aef2818a3b3cc87f9e3375b08116181d1fe3f7d1cb64575fbb3bf
-size 1660552
diff --git a/cos_e_v1.11_description_question_option_id/validation-00000-of-00001.parquet b/cos_e_v1.11_description_question_option_id/validation-00000-of-00001.parquet
deleted file mode 100644
index 209014835f893d68ccc9e5e11f99b3b3d8066016..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_description_question_option_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a71a1e3a9c3996d49b6d8e44af51eb9b9a5b20d057e64f4118e7119df09827d
-size 222857
diff --git a/cos_e_v1.11_description_question_option_text/train-00000-of-00001.parquet b/cos_e_v1.11_description_question_option_text/train-00000-of-00001.parquet
deleted file mode 100644
index b452657d0a66e794be0ed6b1d0135b0562061cd0..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_description_question_option_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:493dcf855926a65bb41ad57c7a9e0c0bdcd12bc22c51d9d0c9e3df03972e75e3
-size 2088996
diff --git a/cos_e_v1.11_description_question_option_text/validation-00000-of-00001.parquet b/cos_e_v1.11_description_question_option_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 910a7714ecde56d1ee36e8d6de7c73f22b6bb4d2..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_description_question_option_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:36971c00c0a9319216627bd6757db87655ca393e2375e53f6c363a650ef6c63a
-size 281661
diff --git a/cos_e_v1.11_explain_why_human/train-00000-of-00001.parquet b/cos_e_v1.11_explain_why_human/train-00000-of-00001.parquet
deleted file mode 100644
index 43f794dd9cc81e71fd5f829d368edd986e802958..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_explain_why_human/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f8fa6621a940faf29ba397fda3c1a98f8591589ca6d5126797a02de1a8a32cf7
-size 2255018
diff --git a/cos_e_v1.11_explain_why_human/validation-00000-of-00001.parquet b/cos_e_v1.11_explain_why_human/validation-00000-of-00001.parquet
deleted file mode 100644
index db9301c3e789e2bcd9e5a36b17cb4ab820718549..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_explain_why_human/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e9e12afe53ef9359da121a005663012517e501ab37fb30359cf2394434cab34a
-size 288922
diff --git a/cos_e_v1.11_generate_explanation_given_text/train-00000-of-00001.parquet b/cos_e_v1.11_generate_explanation_given_text/train-00000-of-00001.parquet
deleted file mode 100644
index b406ce0ba7a8e991b05d03bd9659abb4422b87b4..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_generate_explanation_given_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:25f7779452c6d06fd7d88136ca9fb64c4307d14d800cf42f11162cb416b41c1c
-size 2204529
diff --git a/cos_e_v1.11_generate_explanation_given_text/validation-00000-of-00001.parquet b/cos_e_v1.11_generate_explanation_given_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 9adc41106d49646f17679189fc51f1bc245eb840..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_generate_explanation_given_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8913af011441d973f9e27e2fd0c5e187784c2a369ec2d4226c0c94997a4ddf9a
-size 281489
diff --git a/cos_e_v1.11_i_think/train-00000-of-00001.parquet b/cos_e_v1.11_i_think/train-00000-of-00001.parquet
deleted file mode 100644
index 767e31b330a1488e71827668f9725ae493dd8de2..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_i_think/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7fae1842b07f6279f2ae4efdb0140dac557b08ec9d0fcdad81a3650f42263c0b
-size 2269557
diff --git a/cos_e_v1.11_i_think/validation-00000-of-00001.parquet b/cos_e_v1.11_i_think/validation-00000-of-00001.parquet
deleted file mode 100644
index fa4eb10df101a4e94b4650f4f91abdbd1daae823..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_i_think/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6614fa3adea325e37d684b9d2ca8ff19992c3612c934920e0ea7b9161183d486
-size 289754
diff --git a/cos_e_v1.11_question_description_option_id/train-00000-of-00001.parquet b/cos_e_v1.11_question_description_option_id/train-00000-of-00001.parquet
deleted file mode 100644
index ffe903bc27a6121fbdcaa6b7e69d6eab269eb99d..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_question_description_option_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5ed6a0b041bafa4568245d7653f7badf6af3395de89e5d92502354fa53bd1ee0
-size 1638634
diff --git a/cos_e_v1.11_question_description_option_id/validation-00000-of-00001.parquet b/cos_e_v1.11_question_description_option_id/validation-00000-of-00001.parquet
deleted file mode 100644
index f8b32afdcf0a478b5b97a1ac32181b967cc1012a..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_question_description_option_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9ce47a570d727180c0d2c77f59487a197e3e7d48eb5dc4a4ba80c3ccb5150cf0
-size 218855
diff --git a/cos_e_v1.11_question_description_option_text/train-00000-of-00001.parquet b/cos_e_v1.11_question_description_option_text/train-00000-of-00001.parquet
deleted file mode 100644
index 5e2f55bfb885ab8bdca96bfaff5f8c78fe6cb8df..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_question_description_option_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:976a8df8723f91d657db2bab2b7ad5e8708ad40c5a6498a5247a5a464efd12da
-size 2059824
diff --git a/cos_e_v1.11_question_description_option_text/validation-00000-of-00001.parquet b/cos_e_v1.11_question_description_option_text/validation-00000-of-00001.parquet
deleted file mode 100644
index b71bc661ca1938bae98ebd9e48dc178d9995304a..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_question_description_option_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:20be8a606b7507e75cf66df1429dd8fb63679ba88de15f4d68ac369caba3c43c
-size 276665
diff --git a/cos_e_v1.11_question_option_description_id/train-00000-of-00001.parquet b/cos_e_v1.11_question_option_description_id/train-00000-of-00001.parquet
deleted file mode 100644
index ec600c0114d81f6dd6e70c9d1fc363041170f9fc..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_question_option_description_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:91d6df3097a823ebeb618bf9ce0dcd4199ab9e83fe8ab283fe70f4c63a9a4085
-size 1595847
diff --git a/cos_e_v1.11_question_option_description_id/validation-00000-of-00001.parquet b/cos_e_v1.11_question_option_description_id/validation-00000-of-00001.parquet
deleted file mode 100644
index aa9828a44ea5050d525bbcd87bc035d7ec0de7e2..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_question_option_description_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fffd28c316f43cf247235f26caa473e8f607b2c4075c061aa2a284bdf189eefb
-size 220479
diff --git a/cos_e_v1.11_question_option_description_text/train-00000-of-00001.parquet b/cos_e_v1.11_question_option_description_text/train-00000-of-00001.parquet
deleted file mode 100644
index a17be146af386f1731035752fe49a6ab735e97b1..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_question_option_description_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ef044d088ea11a9fcb8d3cb55a6e615b2757bd17ca83d3f3cb3596a3b40f22fd
-size 2023403
diff --git a/cos_e_v1.11_question_option_description_text/validation-00000-of-00001.parquet b/cos_e_v1.11_question_option_description_text/validation-00000-of-00001.parquet
deleted file mode 100644
index c8c43520b7c1183f7609bbf4e7ae2d2f69deb521..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_question_option_description_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a3a0a07e0af4cc16179c3a8bd9219112aaf1bbce26dc5c1374482db4eff39f20
-size 280518
diff --git a/cos_e_v1.11_rationale/train-00000-of-00001.parquet b/cos_e_v1.11_rationale/train-00000-of-00001.parquet
deleted file mode 100644
index 6f1e9470392b5bbca972c8ab3430bcea6e034575..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_rationale/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b2be90284884459c716271d0aabe81991060641d74db46072c384178bf0d7a6
-size 2240858
diff --git a/cos_e_v1.11_rationale/validation-00000-of-00001.parquet b/cos_e_v1.11_rationale/validation-00000-of-00001.parquet
deleted file mode 100644
index e7752d6727da02ffd8eebec8d5eb6d940edad3c3..0000000000000000000000000000000000000000
--- a/cos_e_v1.11_rationale/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1b2722b77cee1539fe3397f8e477219eaf92a0e020ca743ba8f43d45ce834f22
-size 286282
diff --git a/cosmos_qa_context_answer_to_question/test-00000-of-00001.parquet b/cosmos_qa_context_answer_to_question/test-00000-of-00001.parquet
deleted file mode 100644
index 5b16c69612dcc5c0848e1f75a3baa4239170716e..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_answer_to_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:58f405c00a409421f6dfe9e989a3b0b758ea965e61d14f46097940a841906a55
-size 3022744
diff --git a/cosmos_qa_context_answer_to_question/train-00000-of-00001.parquet b/cosmos_qa_context_answer_to_question/train-00000-of-00001.parquet
deleted file mode 100644
index 8373047a803ff6e01e3a0a2a2ac11f08873165a8..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_answer_to_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:334208dc8d9b67ba0bfe2a12693099c5d38842d0c8c96e48051f5821deb66913
-size 10148993
diff --git a/cosmos_qa_context_answer_to_question/validation-00000-of-00001.parquet b/cosmos_qa_context_answer_to_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 000642eb7d4a924823e9ee21285bf3f10429a6c8..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_answer_to_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8bab4cc359b67fb539828e4ab6bea970c26b63614716154f74070caa81e8c6c8
-size 1463336
diff --git a/cosmos_qa_context_description_question_answer_id/test-00000-of-00001.parquet b/cosmos_qa_context_description_question_answer_id/test-00000-of-00001.parquet
deleted file mode 100644
index a5acf20fe1a8aeeb95591094e6fc9a457b2a0252..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_description_question_answer_id/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4e7afa8e17531e5b430f1a042b09b6dc7cd018a2c080268a5cdfc7d15d514dc2
-size 4143117
diff --git a/cosmos_qa_context_description_question_answer_id/train-00000-of-00001.parquet b/cosmos_qa_context_description_question_answer_id/train-00000-of-00001.parquet
deleted file mode 100644
index 277128ded0eeeb3c9a4c73637c0412cf8d9511db..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_description_question_answer_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:894027f40101005c286b0f7334bd5618665f7209623460547078490cf11eca75
-size 12538540
diff --git a/cosmos_qa_context_description_question_answer_id/validation-00000-of-00001.parquet b/cosmos_qa_context_description_question_answer_id/validation-00000-of-00001.parquet
deleted file mode 100644
index 86b241cdc3ecd7f74586c49cb77e7f03d186cd1b..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_description_question_answer_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c977205a63a1f25de3ac8bd50e6e64a6fb9bd8f010ad726b0c2ad1dcf2b9e533
-size 1765543
diff --git a/cosmos_qa_context_description_question_answer_text/test-00000-of-00001.parquet b/cosmos_qa_context_description_question_answer_text/test-00000-of-00001.parquet
deleted file mode 100644
index 91ad353a29c374f2252be8b73dfa3268ad6ff0e6..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_description_question_answer_text/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6ddad3152b71e4154a0b402ee61f4e7692963483db49f9e5ab7db1793a9d0f05
-size 5095013
diff --git a/cosmos_qa_context_description_question_answer_text/train-00000-of-00001.parquet b/cosmos_qa_context_description_question_answer_text/train-00000-of-00001.parquet
deleted file mode 100644
index 04dfad61a7217d21e15fc1ad1420f3e1ffbec2a9..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_description_question_answer_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3fcc84e7aa9eadf815f09aef470c217cd6d2f3945efc0bc1fa103b549ddd154f
-size 15266716
diff --git a/cosmos_qa_context_description_question_answer_text/validation-00000-of-00001.parquet b/cosmos_qa_context_description_question_answer_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 19043b299b3a6631be5ec5bbda25df05cc3fc4d0..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_description_question_answer_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a89ec368670627350e27fef4e307271e0b0a0c2a58ca37ec7b0e18a1c21609c
-size 2185728
diff --git a/cosmos_qa_context_description_question_text/test-00000-of-00001.parquet b/cosmos_qa_context_description_question_text/test-00000-of-00001.parquet
deleted file mode 100644
index c0f2d3a540550b4ebbc3611bad3d6f99fc367871..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_description_question_text/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:231a5a1ecbb5af683fa7394ae7ab940f75a0a8c25a338f7cd85ff7b3273d672f
-size 3976992
diff --git a/cosmos_qa_context_description_question_text/train-00000-of-00001.parquet b/cosmos_qa_context_description_question_text/train-00000-of-00001.parquet
deleted file mode 100644
index f0c9ad050ab37366587da32d16850a68b7a9b5f6..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_description_question_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b8292f4a3a0b0017498b918fae5c9df53da2a6c68513a16ef71830cf9a1fe38
-size 11643434
diff --git a/cosmos_qa_context_description_question_text/validation-00000-of-00001.parquet b/cosmos_qa_context_description_question_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 0c620b5e405d9ff8348289ed0c2fe84ad48a2cbd..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_description_question_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b038cd52888fbab842f1f3f9d7a5728dfde0539008ef9ccd1cbc011b175c428c
-size 1709282
diff --git a/cosmos_qa_context_question_description_answer_id/test-00000-of-00001.parquet b/cosmos_qa_context_question_description_answer_id/test-00000-of-00001.parquet
deleted file mode 100644
index 2b5ab5bdb8e1faeb91b21033a6883816709fb160..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_question_description_answer_id/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b444c1ad51c9348ce2c2e115488d83514e6279b0b23f2d4986e6f1fbd7ca13d1
-size 4037316
diff --git a/cosmos_qa_context_question_description_answer_id/train-00000-of-00001.parquet b/cosmos_qa_context_question_description_answer_id/train-00000-of-00001.parquet
deleted file mode 100644
index 7cb5d4e4eaae704096187d5111e5248e1b8443c1..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_question_description_answer_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e119d4ccd4f010e854dc59bfb0b27ccce628c85b133282b145ea1a8923258e9c
-size 12207088
diff --git a/cosmos_qa_context_question_description_answer_id/validation-00000-of-00001.parquet b/cosmos_qa_context_question_description_answer_id/validation-00000-of-00001.parquet
deleted file mode 100644
index 86e27309a0ec78f17bb8ce42ceb57f9cedc05256..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_question_description_answer_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f3a59bde16d6eaef153670244a8636a6984b919e20dfe87e492d6454f2cd1595
-size 1757927
diff --git a/cosmos_qa_context_question_description_answer_text/test-00000-of-00001.parquet b/cosmos_qa_context_question_description_answer_text/test-00000-of-00001.parquet
deleted file mode 100644
index 0a1423e16d45d4328991d9db44e2a23a7324da31..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_question_description_answer_text/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a65006ce11cbe3e7bfaac0d1ffeb27fd8de4b27393c771968acff58d40ff78b8
-size 5011204
diff --git a/cosmos_qa_context_question_description_answer_text/train-00000-of-00001.parquet b/cosmos_qa_context_question_description_answer_text/train-00000-of-00001.parquet
deleted file mode 100644
index 8ad62598865685590ca8531d100916589b62a517..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_question_description_answer_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f27aae1aab8f2519c6853e61e796b8deadf514f4ce6949476f49e40685b5ccf
-size 14995935
diff --git a/cosmos_qa_context_question_description_answer_text/validation-00000-of-00001.parquet b/cosmos_qa_context_question_description_answer_text/validation-00000-of-00001.parquet
deleted file mode 100644
index a99695e87a493f3d4d9ebe9f5fc018c8026eab09..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_question_description_answer_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7e3ae6f499f0798c8281432432ff4acd2d21f7851171b4dfd790589cbc45b3b4
-size 2174551
diff --git a/cosmos_qa_context_question_description_text/test-00000-of-00001.parquet b/cosmos_qa_context_question_description_text/test-00000-of-00001.parquet
deleted file mode 100644
index 968f3633e1f5bbbd587da57d06e2e500c322ef94..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_question_description_text/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3db67e3e53f67478389aa0e6f89072a6e9da1d1df719829150027414dda21af5
-size 3957797
diff --git a/cosmos_qa_context_question_description_text/train-00000-of-00001.parquet b/cosmos_qa_context_question_description_text/train-00000-of-00001.parquet
deleted file mode 100644
index 9eaf3687e8827b002fa7b71b8a65cbd269902a7a..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_question_description_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:05557fb0cc02cdbf9362403bb07e8b3d7847eeb7c64ac4e71b92a711fcd6b580
-size 11635666
diff --git a/cosmos_qa_context_question_description_text/validation-00000-of-00001.parquet b/cosmos_qa_context_question_description_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 5471cfa907e114a3b8c2af7ece99817123952409..0000000000000000000000000000000000000000
--- a/cosmos_qa_context_question_description_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c8c10ab687e6053786c8811aaac1fb0aa97ddbe68bb09e642197448830725b91
-size 1717227
diff --git a/cosmos_qa_description_context_question_answer_id/test-00000-of-00001.parquet b/cosmos_qa_description_context_question_answer_id/test-00000-of-00001.parquet
deleted file mode 100644
index c0101ee0851ea25afa00ee78a8d457e550fab19e..0000000000000000000000000000000000000000
--- a/cosmos_qa_description_context_question_answer_id/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:36d873794f3bb0f7dcb388969aa5758806f31a715141ab256f0b5c7a2f943d8a
-size 4139089
diff --git a/cosmos_qa_description_context_question_answer_id/train-00000-of-00001.parquet b/cosmos_qa_description_context_question_answer_id/train-00000-of-00001.parquet
deleted file mode 100644
index ab3596a4797272d36bc7d270cc737affe46c4e18..0000000000000000000000000000000000000000
--- a/cosmos_qa_description_context_question_answer_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8c060fd97b5c42292887a27aa9a6e19325f60a0c81d66010eae0466c321f481b
-size 12541112
diff --git a/cosmos_qa_description_context_question_answer_id/validation-00000-of-00001.parquet b/cosmos_qa_description_context_question_answer_id/validation-00000-of-00001.parquet
deleted file mode 100644
index ee39cf331f6f512b6cb7f815730d0dd716fcc212..0000000000000000000000000000000000000000
--- a/cosmos_qa_description_context_question_answer_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5f20ef7de7bccd886e1d15267d8c6eda075af93d2423bc21096046cb0f537547
-size 1775560
diff --git a/cosmos_qa_description_context_question_answer_text/test-00000-of-00001.parquet b/cosmos_qa_description_context_question_answer_text/test-00000-of-00001.parquet
deleted file mode 100644
index 09c11a02904c7ad04398ba25fbf881a736d52187..0000000000000000000000000000000000000000
--- a/cosmos_qa_description_context_question_answer_text/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f0e212af37f438a9991df1072e51909abf12def9e2c4092f7cc3a6c616f6a668
-size 5103906
diff --git a/cosmos_qa_description_context_question_answer_text/train-00000-of-00001.parquet b/cosmos_qa_description_context_question_answer_text/train-00000-of-00001.parquet
deleted file mode 100644
index 0ad1dc6cc21e08858e0b3d71a632ce36ae0ddd18..0000000000000000000000000000000000000000
--- a/cosmos_qa_description_context_question_answer_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3fdc4734b7d934767b11bc93afe0bb8f68aecfabe2db5bfc2a0c40952456b13f
-size 15279164
diff --git a/cosmos_qa_description_context_question_answer_text/validation-00000-of-00001.parquet b/cosmos_qa_description_context_question_answer_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 00e19e37446557bdf28d8cbaaf04aed3a280f806..0000000000000000000000000000000000000000
--- a/cosmos_qa_description_context_question_answer_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fa9f05b56bd6680c01c97dc6dddd45e5b4a52a8393f48549639e28cd3ecbf562
-size 2191882
diff --git a/cosmos_qa_description_context_question_text/test-00000-of-00001.parquet b/cosmos_qa_description_context_question_text/test-00000-of-00001.parquet
deleted file mode 100644
index b47f2b97db215d943f55fb21ba8bbff35b3532e2..0000000000000000000000000000000000000000
--- a/cosmos_qa_description_context_question_text/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:664b41fbd0aec63c42a8325cd82f31e70ffc261cb7504e9138625f2b1cf5c7e2
-size 3975016
diff --git a/cosmos_qa_description_context_question_text/train-00000-of-00001.parquet b/cosmos_qa_description_context_question_text/train-00000-of-00001.parquet
deleted file mode 100644
index 036071f2ad6f51d833b0ded21a5b48727264559d..0000000000000000000000000000000000000000
--- a/cosmos_qa_description_context_question_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6fec02558ed8929ec600727111bc2e677cb0619cbdc26e0f35db59554b99819c
-size 11693914
diff --git a/cosmos_qa_description_context_question_text/validation-00000-of-00001.parquet b/cosmos_qa_description_context_question_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 283543526edadae1f6b224cd8705d898eebbc6f0..0000000000000000000000000000000000000000
--- a/cosmos_qa_description_context_question_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:22263b46eab6012a044aefb1e4da33095e53016342cd779e2917cf3016a0c157
-size 1723799
diff --git a/cosmos_qa_no_prompt_id/test-00000-of-00001.parquet b/cosmos_qa_no_prompt_id/test-00000-of-00001.parquet
deleted file mode 100644
index 3d9140ced151536162a369adb2296d3a4820ae9f..0000000000000000000000000000000000000000
--- a/cosmos_qa_no_prompt_id/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4cea90a234c0e8657df461d8cdb45d9ffa416d8c9a330ea47c3c4ea92f4456f3
-size 4006759
diff --git a/cosmos_qa_no_prompt_id/train-00000-of-00001.parquet b/cosmos_qa_no_prompt_id/train-00000-of-00001.parquet
deleted file mode 100644
index a7730d2b2da26d8a8c088f454bd60e07222b9d92..0000000000000000000000000000000000000000
--- a/cosmos_qa_no_prompt_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0afddba5fc0c09200ba1384897c5b6741ed42b552053c505922ebeda8520b451
-size 12128216
diff --git a/cosmos_qa_no_prompt_id/validation-00000-of-00001.parquet b/cosmos_qa_no_prompt_id/validation-00000-of-00001.parquet
deleted file mode 100644
index c0494a87218b8dde04fc6f3c668fefa6503bf4e9..0000000000000000000000000000000000000000
--- a/cosmos_qa_no_prompt_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ae6a62ec141a37abd159dcd42137353d10dce1eb97c35a35389162c151d2c0b0
-size 1721981
diff --git a/cosmos_qa_no_prompt_text/test-00000-of-00001.parquet b/cosmos_qa_no_prompt_text/test-00000-of-00001.parquet
deleted file mode 100644
index dd63f46bed14e29a4a6f622357a80a2f529a54ff..0000000000000000000000000000000000000000
--- a/cosmos_qa_no_prompt_text/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b46ca024e31ec4d5d2c9d29c04f6bb0b0942f18770450309efe01b9bdc888cad
-size 4975371
diff --git a/cosmos_qa_no_prompt_text/train-00000-of-00001.parquet b/cosmos_qa_no_prompt_text/train-00000-of-00001.parquet
deleted file mode 100644
index 06eaa71113cb7512f9ed6962f099834df65cadde..0000000000000000000000000000000000000000
--- a/cosmos_qa_no_prompt_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:92b768197efdf386ab589664de244cf641981098b52ca1d31927302969d37379
-size 14829867
diff --git a/cosmos_qa_no_prompt_text/validation-00000-of-00001.parquet b/cosmos_qa_no_prompt_text/validation-00000-of-00001.parquet
deleted file mode 100644
index c86b7e13e0aa0afb72461642606573e7155e9b97..0000000000000000000000000000000000000000
--- a/cosmos_qa_no_prompt_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3b426b3eb61beb131ef169130651cb0f36e8618892bf9fe2f879f610e8113899
-size 2145548
diff --git a/cosmos_qa_only_question_answer/test-00000-of-00001.parquet b/cosmos_qa_only_question_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 07f67859c7f00c8db098d0d3f032ee8d1a506a33..0000000000000000000000000000000000000000
--- a/cosmos_qa_only_question_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c589ecc3b477d8dbfd768fba0f30d551321c49a25988a5a08384afefb7c95ff8
-size 1411586
diff --git a/cosmos_qa_only_question_answer/train-00000-of-00001.parquet b/cosmos_qa_only_question_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 26054decff4bca553d1962b8b257bd416a6f8289..0000000000000000000000000000000000000000
--- a/cosmos_qa_only_question_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fc6b6edb5a73cb258bc02814d6b3faaec34724d419c7f30d76f05412ac82b9ba
-size 4137594
diff --git a/cosmos_qa_only_question_answer/validation-00000-of-00001.parquet b/cosmos_qa_only_question_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 3b24556c826f92e1a2fd08fe564b1d8c8e5103f1..0000000000000000000000000000000000000000
--- a/cosmos_qa_only_question_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4bf8c0e51e76f77a502ddd49f112a5bb3783137450631fe66cf1aefe26cc2551
-size 622168
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/COMPLETED b/data/adversarial_qa_dbert_answer_the_following_q/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/info.test.json b/data/adversarial_qa_dbert_answer_the_following_q/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_dbert_answer_the_following_q/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/info.train.json b/data/adversarial_qa_dbert_answer_the_following_q/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_answer_the_following_q/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/info.validation.json b/data/adversarial_qa_dbert_answer_the_following_q/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_answer_the_following_q/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/stats.test.json b/data/adversarial_qa_dbert_answer_the_following_q/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_dbert_answer_the_following_q/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/stats.train.json b/data/adversarial_qa_dbert_answer_the_following_q/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c2fd651b84284bfc25a905fa4c436631c380a08f
--- /dev/null
+++ b/data/adversarial_qa_dbert_answer_the_following_q/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 599,
+  "inputs_tokens": 2089289,
+  "targets_max_tokens": 385,
+  "targets_tokens": 55990
+}
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/stats.validation.json b/data/adversarial_qa_dbert_answer_the_following_q/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..24e7324c5ab4660f90fde4eda268551b544a3d3d
--- /dev/null
+++ b/data/adversarial_qa_dbert_answer_the_following_q/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 495,
+  "inputs_tokens": 204950,
+  "targets_max_tokens": 52,
+  "targets_tokens": 4435
+}
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_answer_the_following_q/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_answer_the_following_q/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..32e7d8954710cefd33f1ae0b4cdb8f91ce5a20cc
--- /dev/null
+++ b/data/adversarial_qa_dbert_answer_the_following_q/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:41d3f21c2b2d4da1253661a1b96a957766551142855d1163b05b3664a57fb3b1
+size 14136377
diff --git a/data/adversarial_qa_dbert_answer_the_following_q/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_answer_the_following_q/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ab55ec7a4e6fce8a94a28d44b4b433f0871ea99a
--- /dev/null
+++ b/data/adversarial_qa_dbert_answer_the_following_q/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72e5f8cf3ae2616c12ce7f610da127b3e3393b9d2b072be5454f893f2679fadf
+size 1386536
diff --git a/data/adversarial_qa_dbert_based_on/COMPLETED b/data/adversarial_qa_dbert_based_on/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbert_based_on/info.test.json b/data/adversarial_qa_dbert_based_on/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_dbert_based_on/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_dbert_based_on/info.train.json b/data/adversarial_qa_dbert_based_on/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_based_on/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_based_on/info.validation.json b/data/adversarial_qa_dbert_based_on/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_based_on/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_based_on/stats.test.json b/data/adversarial_qa_dbert_based_on/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_dbert_based_on/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_dbert_based_on/stats.train.json b/data/adversarial_qa_dbert_based_on/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c6d9a633d855021410a0405701bc5981a8707c89
--- /dev/null
+++ b/data/adversarial_qa_dbert_based_on/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 592,
+  "inputs_tokens": 2013489,
+  "targets_max_tokens": 385,
+  "targets_tokens": 55990
+}
diff --git a/data/adversarial_qa_dbert_based_on/stats.validation.json b/data/adversarial_qa_dbert_based_on/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a1b9bf5af86c27d8dce1f8c17835b4eed0d87088
--- /dev/null
+++ b/data/adversarial_qa_dbert_based_on/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 488,
+  "inputs_tokens": 197333,
+  "targets_max_tokens": 52,
+  "targets_tokens": 4435
+}
diff --git a/data/adversarial_qa_dbert_based_on/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_based_on/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbert_based_on/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_based_on/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1fb1eab4b645184277f05dbfd95f23d054518fc0
--- /dev/null
+++ b/data/adversarial_qa_dbert_based_on/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2b82f2ce24c95f2b5d8ab5c15cce500d9f242b6817c91b4815e4e3ea2a5fae8d
+size 13582813
diff --git a/data/adversarial_qa_dbert_based_on/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_based_on/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3dd2dbf84cc8aed717621c8c6adc5f413ab392a6
--- /dev/null
+++ b/data/adversarial_qa_dbert_based_on/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9447ea74a73c20bb1854bdca7457b3b7b25a8c570f0a93fe38177608b84a165b
+size 1331205
diff --git a/data/adversarial_qa_dbert_generate_question/COMPLETED b/data/adversarial_qa_dbert_generate_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbert_generate_question/info.test.json b/data/adversarial_qa_dbert_generate_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_generate_question/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_generate_question/info.train.json b/data/adversarial_qa_dbert_generate_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_generate_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_generate_question/info.validation.json b/data/adversarial_qa_dbert_generate_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_generate_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_generate_question/stats.test.json b/data/adversarial_qa_dbert_generate_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8c6ab837b4c4724c9ef61b7d77c0480377eda8cf
--- /dev/null
+++ b/data/adversarial_qa_dbert_generate_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 583,
+  "inputs_tokens": 216995,
+  "targets_max_tokens": 66,
+  "targets_tokens": 14391
+}
diff --git a/data/adversarial_qa_dbert_generate_question/stats.train.json b/data/adversarial_qa_dbert_generate_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ccae0bf06e0b2f9d4df0ac58051baa8df64d70f8
--- /dev/null
+++ b/data/adversarial_qa_dbert_generate_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 586,
+  "inputs_tokens": 2072755,
+  "targets_max_tokens": 59,
+  "targets_tokens": 128128
+}
diff --git a/data/adversarial_qa_dbert_generate_question/stats.validation.json b/data/adversarial_qa_dbert_generate_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0e5b6404930e02709701b830bacc5a886be46eba
--- /dev/null
+++ b/data/adversarial_qa_dbert_generate_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 494,
+  "inputs_tokens": 202736,
+  "targets_max_tokens": 59,
+  "targets_tokens": 13389
+}
diff --git a/data/adversarial_qa_dbert_generate_question/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_generate_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1098ef06bf67492cdd94ac4cd34457f58679bd6d
--- /dev/null
+++ b/data/adversarial_qa_dbert_generate_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2712f7a510cc0f1f55ae76745a8e75de9def1600353d329132c8f455786c0f1c
+size 1491004
diff --git a/data/adversarial_qa_dbert_generate_question/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_generate_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4a85b2886c98ba2eecdc88ff03c95d86fd63e2da
--- /dev/null
+++ b/data/adversarial_qa_dbert_generate_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:20a85891189b5eeaf403b711b2b7c739682430c061a1731dab9c9fa64eb24ad0
+size 14188274
diff --git a/data/adversarial_qa_dbert_generate_question/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_generate_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b18b78792960878b741c21cd44a8017ded33e473
--- /dev/null
+++ b/data/adversarial_qa_dbert_generate_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:00d2368efc16c1a7f698a4d5786c31553ce4b4f08fbdd7c5a2eceea812f165c7
+size 1398209
diff --git a/data/adversarial_qa_dbert_question_context_answer/COMPLETED b/data/adversarial_qa_dbert_question_context_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbert_question_context_answer/info.test.json b/data/adversarial_qa_dbert_question_context_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_dbert_question_context_answer/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_dbert_question_context_answer/info.train.json b/data/adversarial_qa_dbert_question_context_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_question_context_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_question_context_answer/info.validation.json b/data/adversarial_qa_dbert_question_context_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_question_context_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_question_context_answer/stats.test.json b/data/adversarial_qa_dbert_question_context_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_dbert_question_context_answer/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_dbert_question_context_answer/stats.train.json b/data/adversarial_qa_dbert_question_context_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d764199c8889ead3edef1a7fbd0afb6bcebf0153
--- /dev/null
+++ b/data/adversarial_qa_dbert_question_context_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 587,
+  "inputs_tokens": 1953272,
+  "targets_max_tokens": 385,
+  "targets_tokens": 55990
+}
diff --git a/data/adversarial_qa_dbert_question_context_answer/stats.validation.json b/data/adversarial_qa_dbert_question_context_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..daa98513ffac004921e126da751ee3e4c3a652e3
--- /dev/null
+++ b/data/adversarial_qa_dbert_question_context_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 481,
+  "inputs_tokens": 191471,
+  "targets_max_tokens": 52,
+  "targets_tokens": 4435
+}
diff --git a/data/adversarial_qa_dbert_question_context_answer/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_question_context_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbert_question_context_answer/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_question_context_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1b7540a3113e9b738df0b458a5dbcace7926d0da
--- /dev/null
+++ b/data/adversarial_qa_dbert_question_context_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a80e49a853ec7cc7a7c6644e29ed69d20b47c7b67c20462b9a6d2cb49b862541
+size 13021539
diff --git a/data/adversarial_qa_dbert_question_context_answer/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_question_context_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d8ac80d46c2f2dbc7aac2e396ac320e6a7af1122
--- /dev/null
+++ b/data/adversarial_qa_dbert_question_context_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:76774fc06fafc68f34861c7516c09d87d905a99802dd37dea5416aacc3a15b46
+size 1275276
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/COMPLETED b/data/adversarial_qa_dbert_tell_what_it_is/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/info.test.json b/data/adversarial_qa_dbert_tell_what_it_is/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_dbert_tell_what_it_is/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/info.train.json b/data/adversarial_qa_dbert_tell_what_it_is/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_tell_what_it_is/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/info.validation.json b/data/adversarial_qa_dbert_tell_what_it_is/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbert_tell_what_it_is/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/stats.test.json b/data/adversarial_qa_dbert_tell_what_it_is/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_dbert_tell_what_it_is/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/stats.train.json b/data/adversarial_qa_dbert_tell_what_it_is/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..cf68975090b7830a775d52a6f8f98371aea2e773
--- /dev/null
+++ b/data/adversarial_qa_dbert_tell_what_it_is/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 599,
+  "inputs_tokens": 2071670,
+  "targets_max_tokens": 385,
+  "targets_tokens": 55990
+}
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/stats.validation.json b/data/adversarial_qa_dbert_tell_what_it_is/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..81d8b6eaeafe196e59c2b039d886e8b8d1075a1e
--- /dev/null
+++ b/data/adversarial_qa_dbert_tell_what_it_is/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 493,
+  "inputs_tokens": 203296,
+  "targets_max_tokens": 52,
+  "targets_tokens": 4435
+}
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_tell_what_it_is/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_tell_what_it_is/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ee5b5a9e51283b96dc3430f3373944bc7df62045
--- /dev/null
+++ b/data/adversarial_qa_dbert_tell_what_it_is/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:96c264a84e04fff7e7c7224f3d63ae6a4ff8db013fae5116f9e84705aa6a090e
+size 13622080
diff --git a/data/adversarial_qa_dbert_tell_what_it_is/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbert_tell_what_it_is/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eee4e10628a7a698142c701119659513c4e0c14d
--- /dev/null
+++ b/data/adversarial_qa_dbert_tell_what_it_is/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:89fea295124570d5f1edd42acf164c3849b9d109c70aa706cf6ddb8abcd03744
+size 1335296
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/COMPLETED b/data/adversarial_qa_dbidaf_answer_the_following_q/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/info.test.json b/data/adversarial_qa_dbidaf_answer_the_following_q/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_answer_the_following_q/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/info.train.json b/data/adversarial_qa_dbidaf_answer_the_following_q/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_answer_the_following_q/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/info.validation.json b/data/adversarial_qa_dbidaf_answer_the_following_q/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_answer_the_following_q/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/stats.test.json b/data/adversarial_qa_dbidaf_answer_the_following_q/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_answer_the_following_q/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/stats.train.json b/data/adversarial_qa_dbidaf_answer_the_following_q/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..af9fbd7912f3d0fa2439ef8fb3394ea273f36c87
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_answer_the_following_q/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 599,
+  "inputs_tokens": 2083052,
+  "targets_max_tokens": 179,
+  "targets_tokens": 56220
+}
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/stats.validation.json b/data/adversarial_qa_dbidaf_answer_the_following_q/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..290fcffb811f844d3cfb8cd9767624b268b20866
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_answer_the_following_q/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 500,
+  "inputs_tokens": 205334,
+  "targets_max_tokens": 50,
+  "targets_tokens": 4567
+}
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_answer_the_following_q/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_answer_the_following_q/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2aa330648fd909d90a847b32ebc57258b6bd28a3
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_answer_the_following_q/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c8a2c7eadd263908e0d8500da25c44b6fb9469f5da447bc905e93eef5e7be66b
+size 14109493
diff --git a/data/adversarial_qa_dbidaf_answer_the_following_q/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_answer_the_following_q/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f9aa66bbd149bedb5fa15c6ea36406c8abeca244
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_answer_the_following_q/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dc4d45914a95bdfd40e39f2a62db622c2ca771138718941d0150cbd6a7c611ec
+size 1391933
diff --git a/data/adversarial_qa_dbidaf_based_on/COMPLETED b/data/adversarial_qa_dbidaf_based_on/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbidaf_based_on/info.test.json b/data/adversarial_qa_dbidaf_based_on/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_based_on/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_dbidaf_based_on/info.train.json b/data/adversarial_qa_dbidaf_based_on/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_based_on/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_based_on/info.validation.json b/data/adversarial_qa_dbidaf_based_on/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_based_on/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_based_on/stats.test.json b/data/adversarial_qa_dbidaf_based_on/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_based_on/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_dbidaf_based_on/stats.train.json b/data/adversarial_qa_dbidaf_based_on/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5792c966a2a4bd487e1258e569a5d2a4d82dbc84
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_based_on/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 592,
+  "inputs_tokens": 2007192,
+  "targets_max_tokens": 179,
+  "targets_tokens": 56220
+}
diff --git a/data/adversarial_qa_dbidaf_based_on/stats.validation.json b/data/adversarial_qa_dbidaf_based_on/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d312d71684b2d090255a2a91f54bb9aa7fb28d0d
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_based_on/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 493,
+  "inputs_tokens": 197781,
+  "targets_max_tokens": 50,
+  "targets_tokens": 4567
+}
diff --git a/data/adversarial_qa_dbidaf_based_on/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_based_on/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbidaf_based_on/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_based_on/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..477896ed8c4596ba6fd03e1330c9f8293e97d2b2
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_based_on/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:714cb9c22396c1ec1f563de0ee84f8a46bf206757552cee080b72e7e1a66890a
+size 13555963
diff --git a/data/adversarial_qa_dbidaf_based_on/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_based_on/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..78ad24e0a855127c3fbf619375451524fc862cfa
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_based_on/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0a006d26ceeda7ea9e9264cb075264b402d4636cda5732d0d120472b7f5861f6
+size 1336640
diff --git a/data/adversarial_qa_dbidaf_generate_question/COMPLETED b/data/adversarial_qa_dbidaf_generate_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbidaf_generate_question/info.test.json b/data/adversarial_qa_dbidaf_generate_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_generate_question/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_generate_question/info.train.json b/data/adversarial_qa_dbidaf_generate_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_generate_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_generate_question/info.validation.json b/data/adversarial_qa_dbidaf_generate_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_generate_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_generate_question/stats.test.json b/data/adversarial_qa_dbidaf_generate_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5986834f01fb146881704bd1827390a3852fe441
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_generate_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 583,
+  "inputs_tokens": 215093,
+  "targets_max_tokens": 37,
+  "targets_tokens": 12893
+}
diff --git a/data/adversarial_qa_dbidaf_generate_question/stats.train.json b/data/adversarial_qa_dbidaf_generate_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..66acaeef273e74ce63a9f60686ffd21be3d99b4a
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_generate_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 586,
+  "inputs_tokens": 2067551,
+  "targets_max_tokens": 58,
+  "targets_tokens": 127077
+}
diff --git a/data/adversarial_qa_dbidaf_generate_question/stats.validation.json b/data/adversarial_qa_dbidaf_generate_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..543b4d51cb6eb191917be9864fbaea9161a12096
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_generate_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 494,
+  "inputs_tokens": 203422,
+  "targets_max_tokens": 41,
+  "targets_tokens": 13089
+}
diff --git a/data/adversarial_qa_dbidaf_generate_question/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_generate_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6b122471a0b1a9784f323ead1a6699b5cf349742
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_generate_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:216fa509d7ac2516a98ff0ca3301eb1135ccdde2bd52dccfe54aebcb08a5e82a
+size 1469359
diff --git a/data/adversarial_qa_dbidaf_generate_question/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_generate_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5ecd8073d58600714cbeebac95e9d19b5c46f926
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_generate_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:21255238b43e9ae72db297b32ff3696b109f12a8e0030b24188e38763a27609a
+size 14159267
diff --git a/data/adversarial_qa_dbidaf_generate_question/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_generate_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e096667f3a2ab360fff4cef5554962fe9ae93029
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_generate_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bbf8e73f97cd2c55c63a0157b47e7f27437e6589cb18251d709f6fe38f774eb8
+size 1403463
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/COMPLETED b/data/adversarial_qa_dbidaf_question_context_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/info.test.json b/data/adversarial_qa_dbidaf_question_context_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_question_context_answer/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/info.train.json b/data/adversarial_qa_dbidaf_question_context_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_question_context_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/info.validation.json b/data/adversarial_qa_dbidaf_question_context_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_question_context_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/stats.test.json b/data/adversarial_qa_dbidaf_question_context_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_question_context_answer/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/stats.train.json b/data/adversarial_qa_dbidaf_question_context_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1555b4ea210ad52dd6454bae8c10a84fbe53596b
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_question_context_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 587,
+  "inputs_tokens": 1947624,
+  "targets_max_tokens": 179,
+  "targets_tokens": 56220
+}
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/stats.validation.json b/data/adversarial_qa_dbidaf_question_context_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..277b6f70f2890d3af43b19d5498b3fc064333d64
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_question_context_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 488,
+  "inputs_tokens": 191743,
+  "targets_max_tokens": 50,
+  "targets_tokens": 4567
+}
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_question_context_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_question_context_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e53acf8937693170fab65308cba3c39955aab68e
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_question_context_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f0235d6aa17b6b5ba754802bb8bbee8a150bca656e612be7483d8d6fa86a5b46
+size 12995580
diff --git a/data/adversarial_qa_dbidaf_question_context_answer/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_question_context_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0e360e1e429b7ae197ba2ee35655154e918a50bd
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_question_context_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:94cb3c89f3dbcc1388fe5fe3a546b61f94adc10aea9f45c5d200479a5c936337
+size 1280495
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/COMPLETED b/data/adversarial_qa_dbidaf_tell_what_it_is/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/info.test.json b/data/adversarial_qa_dbidaf_tell_what_it_is/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_tell_what_it_is/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/info.train.json b/data/adversarial_qa_dbidaf_tell_what_it_is/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_tell_what_it_is/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/info.validation.json b/data/adversarial_qa_dbidaf_tell_what_it_is/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_tell_what_it_is/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/stats.test.json b/data/adversarial_qa_dbidaf_tell_what_it_is/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_tell_what_it_is/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/stats.train.json b/data/adversarial_qa_dbidaf_tell_what_it_is/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c8a9dbd7016f278d6e8a159c9781af6cc78607fe
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_tell_what_it_is/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 599,
+  "inputs_tokens": 2066038,
+  "targets_max_tokens": 179,
+  "targets_tokens": 56220
+}
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/stats.validation.json b/data/adversarial_qa_dbidaf_tell_what_it_is/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a605ac1e877db8f6d209da1e4059fc2d266a70e9
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_tell_what_it_is/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 500,
+  "inputs_tokens": 203566,
+  "targets_max_tokens": 50,
+  "targets_tokens": 4567
+}
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/test.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_tell_what_it_is/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/train.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_tell_what_it_is/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9b08c871c9b42f4bf1614484558dc212a739019d
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_tell_what_it_is/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c7f134675f8c4230a51e0fa2579bf84472f048c84bdd9bb200bfe8c006ead5e1
+size 13596094
diff --git a/data/adversarial_qa_dbidaf_tell_what_it_is/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_dbidaf_tell_what_it_is/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f87ba32897e1685303bee46e4983175449ed7895
--- /dev/null
+++ b/data/adversarial_qa_dbidaf_tell_what_it_is/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:781f5ddf77279e80d255de50001846d36dffc92644f7aca58a0324d2f9b271c4
+size 1340526
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/COMPLETED b/data/adversarial_qa_droberta_answer_the_following_q/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/info.test.json b/data/adversarial_qa_droberta_answer_the_following_q/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_droberta_answer_the_following_q/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/info.train.json b/data/adversarial_qa_droberta_answer_the_following_q/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_answer_the_following_q/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/info.validation.json b/data/adversarial_qa_droberta_answer_the_following_q/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_answer_the_following_q/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/stats.test.json b/data/adversarial_qa_droberta_answer_the_following_q/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_droberta_answer_the_following_q/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/stats.train.json b/data/adversarial_qa_droberta_answer_the_following_q/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f544af0fa2e60eee26612ee442e54384a2761f2f
--- /dev/null
+++ b/data/adversarial_qa_droberta_answer_the_following_q/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 599,
+  "inputs_tokens": 2051394,
+  "targets_max_tokens": 212,
+  "targets_tokens": 63677
+}
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/stats.validation.json b/data/adversarial_qa_droberta_answer_the_following_q/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5a61ef00c5516bc26bd4e02ec1dc8b12c1b00e6f
--- /dev/null
+++ b/data/adversarial_qa_droberta_answer_the_following_q/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 502,
+  "inputs_tokens": 205421,
+  "targets_max_tokens": 80,
+  "targets_tokens": 4823
+}
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/test.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_answer_the_following_q/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/train.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_answer_the_following_q/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c0dadb3f95cccf3cc321c5a62f0f36df5b2a1965
--- /dev/null
+++ b/data/adversarial_qa_droberta_answer_the_following_q/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9d1a70c8099fb04121152027a6426ad3d9f103f80addf1c14f4b808e3638a334
+size 13978735
diff --git a/data/adversarial_qa_droberta_answer_the_following_q/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_answer_the_following_q/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..63934e9d5d1f8cf899e48d4b42832f4acb309965
--- /dev/null
+++ b/data/adversarial_qa_droberta_answer_the_following_q/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fcc79fd665a6e91d5d615b53f2ad1ce01caa756cf4672bc8ed06992de2a03492
+size 1392293
diff --git a/data/adversarial_qa_droberta_based_on/COMPLETED b/data/adversarial_qa_droberta_based_on/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_droberta_based_on/info.test.json b/data/adversarial_qa_droberta_based_on/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_droberta_based_on/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_droberta_based_on/info.train.json b/data/adversarial_qa_droberta_based_on/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_based_on/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_based_on/info.validation.json b/data/adversarial_qa_droberta_based_on/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_based_on/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_based_on/stats.test.json b/data/adversarial_qa_droberta_based_on/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_droberta_based_on/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_droberta_based_on/stats.train.json b/data/adversarial_qa_droberta_based_on/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f5107161eb2c66453e7b82dfe3d40a0092145e4d
--- /dev/null
+++ b/data/adversarial_qa_droberta_based_on/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 592,
+  "inputs_tokens": 1975814,
+  "targets_max_tokens": 212,
+  "targets_tokens": 63677
+}
diff --git a/data/adversarial_qa_droberta_based_on/stats.validation.json b/data/adversarial_qa_droberta_based_on/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..251ae733cfb355823c40523c371f01dc449e787c
--- /dev/null
+++ b/data/adversarial_qa_droberta_based_on/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 495,
+  "inputs_tokens": 197865,
+  "targets_max_tokens": 80,
+  "targets_tokens": 4823
+}
diff --git a/data/adversarial_qa_droberta_based_on/test.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_based_on/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_droberta_based_on/train.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_based_on/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..24f119bbf07905af1ff048a9e200de3ccfba460c
--- /dev/null
+++ b/data/adversarial_qa_droberta_based_on/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0341b2edf8d1c9abc0d9ced1f7a9fe44796cf8a32ff3fc0332f7af05d8f2b8a0
+size 13425355
diff --git a/data/adversarial_qa_droberta_based_on/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_based_on/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ce7ab718c9d7f8e6df157d73d0d92e0099274b55
--- /dev/null
+++ b/data/adversarial_qa_droberta_based_on/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:37a4dc9e81db2393eeb0a6559411268c8d86c151e87ae2dfd08ef7240845ecf9
+size 1337006
diff --git a/data/adversarial_qa_droberta_generate_question/COMPLETED b/data/adversarial_qa_droberta_generate_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_droberta_generate_question/info.test.json b/data/adversarial_qa_droberta_generate_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_generate_question/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_generate_question/info.train.json b/data/adversarial_qa_droberta_generate_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_generate_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_generate_question/info.validation.json b/data/adversarial_qa_droberta_generate_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_generate_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_generate_question/stats.test.json b/data/adversarial_qa_droberta_generate_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..db089d4403cdd1c13aed7ba34ee2b10d84b22c4b
--- /dev/null
+++ b/data/adversarial_qa_droberta_generate_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 583,
+  "inputs_tokens": 222118,
+  "targets_max_tokens": 46,
+  "targets_tokens": 14422
+}
diff --git a/data/adversarial_qa_droberta_generate_question/stats.train.json b/data/adversarial_qa_droberta_generate_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8104d84b5a6e8ade360d5c60691dc7c55fbbd79f
--- /dev/null
+++ b/data/adversarial_qa_droberta_generate_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 586,
+  "inputs_tokens": 2032929,
+  "targets_max_tokens": 48,
+  "targets_tokens": 130096
+}
diff --git a/data/adversarial_qa_droberta_generate_question/stats.validation.json b/data/adversarial_qa_droberta_generate_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7b97d3c1b1f84a6ed3dc09f947de534acc7d58e1
--- /dev/null
+++ b/data/adversarial_qa_droberta_generate_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 494,
+  "inputs_tokens": 203085,
+  "targets_max_tokens": 42,
+  "targets_tokens": 13529
+}
diff --git a/data/adversarial_qa_droberta_generate_question/test.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_generate_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d58c31e63d2c4d3cc03f99b4bb8cffe5a93f0661
--- /dev/null
+++ b/data/adversarial_qa_droberta_generate_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a11af4a661bc4d733b9969e9920d7c3befc4171a88b4ef7f2b2a0a56d2a934eb
+size 1520654
diff --git a/data/adversarial_qa_droberta_generate_question/train.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_generate_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2686f728e2e7ce50b268d93fe622faec8d3425fb
--- /dev/null
+++ b/data/adversarial_qa_droberta_generate_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ac6e957f8d7d2b81bed23d3385540d13cfb7e23f522ec446affc0cd07f83c529
+size 13982733
diff --git a/data/adversarial_qa_droberta_generate_question/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_generate_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6ff91c4d7e1301ab5ecb2243f80a2622c0a8a087
--- /dev/null
+++ b/data/adversarial_qa_droberta_generate_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2ccb9d784d5dd73253bb919020f0b04193159af6b3403a9b402a43c5f99f5fe4
+size 1402112
diff --git a/data/adversarial_qa_droberta_question_context_answer/COMPLETED b/data/adversarial_qa_droberta_question_context_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_droberta_question_context_answer/info.test.json b/data/adversarial_qa_droberta_question_context_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_droberta_question_context_answer/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_droberta_question_context_answer/info.train.json b/data/adversarial_qa_droberta_question_context_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_question_context_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_question_context_answer/info.validation.json b/data/adversarial_qa_droberta_question_context_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_question_context_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_question_context_answer/stats.test.json b/data/adversarial_qa_droberta_question_context_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_droberta_question_context_answer/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_droberta_question_context_answer/stats.train.json b/data/adversarial_qa_droberta_question_context_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5146830957f9a3771219ded83bd60045c206ec0d
--- /dev/null
+++ b/data/adversarial_qa_droberta_question_context_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 584,
+  "inputs_tokens": 1917394,
+  "targets_max_tokens": 212,
+  "targets_tokens": 63677
+}
diff --git a/data/adversarial_qa_droberta_question_context_answer/stats.validation.json b/data/adversarial_qa_droberta_question_context_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6876e2f8d283cc0ec673dba620ee31e6c8fa2d40
--- /dev/null
+++ b/data/adversarial_qa_droberta_question_context_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 489,
+  "inputs_tokens": 192031,
+  "targets_max_tokens": 80,
+  "targets_tokens": 4823
+}
diff --git a/data/adversarial_qa_droberta_question_context_answer/test.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_question_context_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_droberta_question_context_answer/train.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_question_context_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d202ee772a0ec18ca5c1695d5f1a6b489b33f0a
--- /dev/null
+++ b/data/adversarial_qa_droberta_question_context_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:87e23a70fa2c56e48e46aa97a0effdf60f5e3fa476438e622e1464b919d3fa9b
+size 12866158
diff --git a/data/adversarial_qa_droberta_question_context_answer/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_question_context_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cd0a6a60650f793254d40637ba2fa32c66d2b651
--- /dev/null
+++ b/data/adversarial_qa_droberta_question_context_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ae40ed565b2edf237957df5fc132913e222265b61464158f28b51c1bf8882a60
+size 1281117
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/COMPLETED b/data/adversarial_qa_droberta_tell_what_it_is/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/info.test.json b/data/adversarial_qa_droberta_tell_what_it_is/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/adversarial_qa_droberta_tell_what_it_is/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/info.train.json b/data/adversarial_qa_droberta_tell_what_it_is/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_tell_what_it_is/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/info.validation.json b/data/adversarial_qa_droberta_tell_what_it_is/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/adversarial_qa_droberta_tell_what_it_is/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/stats.test.json b/data/adversarial_qa_droberta_tell_what_it_is/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/adversarial_qa_droberta_tell_what_it_is/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/stats.train.json b/data/adversarial_qa_droberta_tell_what_it_is/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..10e4300d0d7dd69def0ed1a0caab555ab039dd9e
--- /dev/null
+++ b/data/adversarial_qa_droberta_tell_what_it_is/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 596,
+  "inputs_tokens": 2035755,
+  "targets_max_tokens": 212,
+  "targets_tokens": 63677
+}
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/stats.validation.json b/data/adversarial_qa_droberta_tell_what_it_is/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aa16b7ace93363bbbb72b765b83fa718d38e121a
--- /dev/null
+++ b/data/adversarial_qa_droberta_tell_what_it_is/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 501,
+  "inputs_tokens": 203838,
+  "targets_max_tokens": 80,
+  "targets_tokens": 4823
+}
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/test.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_tell_what_it_is/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/train.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_tell_what_it_is/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1db2d03b05d727ce04c20c9dae417174cd5336d8
--- /dev/null
+++ b/data/adversarial_qa_droberta_tell_what_it_is/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bccf880207ab206aa4752a1a639aaac247e02342080310da8a70782ca562181d
+size 13466743
diff --git a/data/adversarial_qa_droberta_tell_what_it_is/validation.tfrecord-00000-of-00001 b/data/adversarial_qa_droberta_tell_what_it_is/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0e19d81e798cee6984b8484a1facedb982906d60
--- /dev/null
+++ b/data/adversarial_qa_droberta_tell_what_it_is/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cbe72ea103d0b4f05d750f81c12b660ef909917295643dca5a7296c883d09280
+size 1341163
diff --git a/data/ag_news_classify/COMPLETED b/data/ag_news_classify/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ag_news_classify/info.test.json b/data/ag_news_classify/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_classify/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_classify/info.train.json b/data/ag_news_classify/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_classify/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_classify/stats.test.json b/data/ag_news_classify/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..515e0e1a404ff5ab347760f1226616b17fe650e6
--- /dev/null
+++ b/data/ag_news_classify/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 7600,
+  "inputs_max_tokens": 317,
+  "inputs_tokens": 503552,
+  "targets_max_tokens": 3,
+  "targets_tokens": 13300
+}
diff --git a/data/ag_news_classify/stats.train.json b/data/ag_news_classify/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c38625a9707d6dd0c34df58ddffd354339e72446
--- /dev/null
+++ b/data/ag_news_classify/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 120000,
+  "inputs_max_tokens": 447,
+  "inputs_tokens": 8015555,
+  "targets_max_tokens": 3,
+  "targets_tokens": 210000
+}
diff --git a/data/ag_news_classify/test.tfrecord-00000-of-00001 b/data/ag_news_classify/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..21b3b55483ead3cd15faf8bcf78db07c4169d732
--- /dev/null
+++ b/data/ag_news_classify/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:96947c5382aa4583064029eb5ec1f9ab19d4775bb9880039964627526195a06b
+size 4606234
diff --git a/data/ag_news_classify/train.tfrecord-00000-of-00001 b/data/ag_news_classify/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5adbf3bec2913693b5d565c8a61da1fa2fbbf778
--- /dev/null
+++ b/data/ag_news_classify/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8f1659ea5e62939a866b54484b2495b276b0b3fa450c55129053d62efc6cba2c
+size 72975388
diff --git a/data/ag_news_classify_question_first/COMPLETED b/data/ag_news_classify_question_first/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ag_news_classify_question_first/info.test.json b/data/ag_news_classify_question_first/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_classify_question_first/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_classify_question_first/info.train.json b/data/ag_news_classify_question_first/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_classify_question_first/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_classify_question_first/stats.test.json b/data/ag_news_classify_question_first/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..515e0e1a404ff5ab347760f1226616b17fe650e6
--- /dev/null
+++ b/data/ag_news_classify_question_first/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 7600,
+  "inputs_max_tokens": 317,
+  "inputs_tokens": 503552,
+  "targets_max_tokens": 3,
+  "targets_tokens": 13300
+}
diff --git a/data/ag_news_classify_question_first/stats.train.json b/data/ag_news_classify_question_first/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c38625a9707d6dd0c34df58ddffd354339e72446
--- /dev/null
+++ b/data/ag_news_classify_question_first/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 120000,
+  "inputs_max_tokens": 447,
+  "inputs_tokens": 8015555,
+  "targets_max_tokens": 3,
+  "targets_tokens": 210000
+}
diff --git a/data/ag_news_classify_question_first/test.tfrecord-00000-of-00001 b/data/ag_news_classify_question_first/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..986191cefdeecc5a3849b15092931d80cb0ac86d
--- /dev/null
+++ b/data/ag_news_classify_question_first/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4c360c4983ee1e6eb7c5a4f3e6282daa177c020f394647125adcf9a9e7538d6b
+size 4598634
diff --git a/data/ag_news_classify_question_first/train.tfrecord-00000-of-00001 b/data/ag_news_classify_question_first/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..73758a2cc0afb36a42f4af7f2820d6d777ebf3a6
--- /dev/null
+++ b/data/ag_news_classify_question_first/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1ea77371092002ca005f3795d3235bcb1a0c80285130304685e79a6fd2d0370e
+size 72855388
diff --git a/data/ag_news_classify_with_choices/COMPLETED b/data/ag_news_classify_with_choices/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ag_news_classify_with_choices/info.test.json b/data/ag_news_classify_with_choices/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_classify_with_choices/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_classify_with_choices/info.train.json b/data/ag_news_classify_with_choices/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_classify_with_choices/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_classify_with_choices/stats.test.json b/data/ag_news_classify_with_choices/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d1a071fada6e1388851e687f9b22ed3639fdbd9d
--- /dev/null
+++ b/data/ag_news_classify_with_choices/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 7600,
+  "inputs_max_tokens": 330,
+  "inputs_tokens": 602352,
+  "targets_max_tokens": 3,
+  "targets_tokens": 13300
+}
diff --git a/data/ag_news_classify_with_choices/stats.train.json b/data/ag_news_classify_with_choices/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c16dab453ee78ce14313530cb66f990d72b2ef93
--- /dev/null
+++ b/data/ag_news_classify_with_choices/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 120000,
+  "inputs_max_tokens": 460,
+  "inputs_tokens": 9575555,
+  "targets_max_tokens": 3,
+  "targets_tokens": 210000
+}
diff --git a/data/ag_news_classify_with_choices/test.tfrecord-00000-of-00001 b/data/ag_news_classify_with_choices/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..04b952d23ed42d22c2befbdf975886053ea54f01
--- /dev/null
+++ b/data/ag_news_classify_with_choices/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:537f0b3019abac77c8d1c17f9312b94e9d8221c94be4174a0419f06e7d7246ca
+size 5114976
diff --git a/data/ag_news_classify_with_choices/train.tfrecord-00000-of-00001 b/data/ag_news_classify_with_choices/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9b30e15b41965032374a0aa71618204e687be442
--- /dev/null
+++ b/data/ag_news_classify_with_choices/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b9383bb440eb382869561ed3e0d985cbdef7ad33b96cc3b483ffc2206c1504cc
+size 81008636
diff --git a/data/ag_news_classify_with_choices_question_first/COMPLETED b/data/ag_news_classify_with_choices_question_first/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ag_news_classify_with_choices_question_first/info.test.json b/data/ag_news_classify_with_choices_question_first/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_classify_with_choices_question_first/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_classify_with_choices_question_first/info.train.json b/data/ag_news_classify_with_choices_question_first/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_classify_with_choices_question_first/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_classify_with_choices_question_first/stats.test.json b/data/ag_news_classify_with_choices_question_first/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d1a071fada6e1388851e687f9b22ed3639fdbd9d
--- /dev/null
+++ b/data/ag_news_classify_with_choices_question_first/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 7600,
+  "inputs_max_tokens": 330,
+  "inputs_tokens": 602352,
+  "targets_max_tokens": 3,
+  "targets_tokens": 13300
+}
diff --git a/data/ag_news_classify_with_choices_question_first/stats.train.json b/data/ag_news_classify_with_choices_question_first/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c16dab453ee78ce14313530cb66f990d72b2ef93
--- /dev/null
+++ b/data/ag_news_classify_with_choices_question_first/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 120000,
+  "inputs_max_tokens": 460,
+  "inputs_tokens": 9575555,
+  "targets_max_tokens": 3,
+  "targets_tokens": 210000
+}
diff --git a/data/ag_news_classify_with_choices_question_first/test.tfrecord-00000-of-00001 b/data/ag_news_classify_with_choices_question_first/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ad768ad85e6ecaaf0fd11f94b7982f75c94695bb
--- /dev/null
+++ b/data/ag_news_classify_with_choices_question_first/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0afb61a806cb0800269915be7748f02f08a283c8eb78684388d76873b382248f
+size 5114976
diff --git a/data/ag_news_classify_with_choices_question_first/train.tfrecord-00000-of-00001 b/data/ag_news_classify_with_choices_question_first/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3c0fe43dd1a5fca84eb4f76abf4ccc869cfcbc6b
--- /dev/null
+++ b/data/ag_news_classify_with_choices_question_first/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:641317245d645420f39a593923fb5806c13df2b6d6583ca18406badf5c06dad4
+size 81008636
diff --git a/data/ag_news_recommend/COMPLETED b/data/ag_news_recommend/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ag_news_recommend/info.test.json b/data/ag_news_recommend/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_recommend/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_recommend/info.train.json b/data/ag_news_recommend/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_recommend/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_recommend/stats.test.json b/data/ag_news_recommend/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1b4c52e8ee404ac13e2f27bc6de9dc1566fbb6e3
--- /dev/null
+++ b/data/ag_news_recommend/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 7600,
+  "inputs_max_tokens": 333,
+  "inputs_tokens": 625152,
+  "targets_max_tokens": 4,
+  "targets_tokens": 17100
+}
diff --git a/data/ag_news_recommend/stats.train.json b/data/ag_news_recommend/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d5fd0f95604233dfae8c1b62a082d448d72bcd61
--- /dev/null
+++ b/data/ag_news_recommend/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 120000,
+  "inputs_max_tokens": 463,
+  "inputs_tokens": 9935555,
+  "targets_max_tokens": 4,
+  "targets_tokens": 270000
+}
diff --git a/data/ag_news_recommend/test.tfrecord-00000-of-00001 b/data/ag_news_recommend/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..23494d42bc11ac2dcae56e1299d0c7bc622c5807
--- /dev/null
+++ b/data/ag_news_recommend/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2f80475a1712c91f61b100e97d4d4f79c4980392b5892afaa5369f2b694eb08a
+size 5214935
diff --git a/data/ag_news_recommend/train.tfrecord-00000-of-00001 b/data/ag_news_recommend/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e944b29480b5a07a605d11104600223c566b6842
--- /dev/null
+++ b/data/ag_news_recommend/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5ab20e2f73b21091c93e1ce3037e5b79a7125a751cc2b47257a89dc51d612754
+size 82587142
diff --git a/data/ag_news_which_section/COMPLETED b/data/ag_news_which_section/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ag_news_which_section/info.test.json b/data/ag_news_which_section/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_which_section/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_which_section/info.train.json b/data/ag_news_which_section/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_which_section/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_which_section/stats.test.json b/data/ag_news_which_section/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ab04a24a0c416ecccc6b2805e99cf0b26ccbadda
--- /dev/null
+++ b/data/ag_news_which_section/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 7600,
+  "inputs_max_tokens": 322,
+  "inputs_tokens": 541552,
+  "targets_max_tokens": 3,
+  "targets_tokens": 13300
+}
diff --git a/data/ag_news_which_section/stats.train.json b/data/ag_news_which_section/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..42da149c56335ab1f995dbcf13e3c3d0c946e65e
--- /dev/null
+++ b/data/ag_news_which_section/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 120000,
+  "inputs_max_tokens": 452,
+  "inputs_tokens": 8615555,
+  "targets_max_tokens": 3,
+  "targets_tokens": 210000
+}
diff --git a/data/ag_news_which_section/test.tfrecord-00000-of-00001 b/data/ag_news_which_section/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8259bcc36462a2a18b4c2db3a4dacb8e0e7f2f7e
--- /dev/null
+++ b/data/ag_news_which_section/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f80048ccfb67f134b4343eeed185538b416050ccd40d86031e937242a7e49c6a
+size 4783435
diff --git a/data/ag_news_which_section/train.tfrecord-00000-of-00001 b/data/ag_news_which_section/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9691aec8fdadc4d7836e78b7c4ab3d3013baf44c
--- /dev/null
+++ b/data/ag_news_which_section/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5f92a09de9893cfbbe61fc386bbb7710c8d90e298bbedc4ccbfd9610ab7e59d2
+size 75773414
diff --git a/data/ag_news_which_section_choices/COMPLETED b/data/ag_news_which_section_choices/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ag_news_which_section_choices/info.test.json b/data/ag_news_which_section_choices/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_which_section_choices/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_which_section_choices/info.train.json b/data/ag_news_which_section_choices/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ag_news_which_section_choices/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ag_news_which_section_choices/stats.test.json b/data/ag_news_which_section_choices/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e0a499208dac03b2998fa2b44773decf74ad1b6c
--- /dev/null
+++ b/data/ag_news_which_section_choices/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 7600,
+  "inputs_max_tokens": 337,
+  "inputs_tokens": 655552,
+  "targets_max_tokens": 3,
+  "targets_tokens": 13300
+}
diff --git a/data/ag_news_which_section_choices/stats.train.json b/data/ag_news_which_section_choices/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b609fcdb3a09d49d688c47e9cbde525e77c3a0a
--- /dev/null
+++ b/data/ag_news_which_section_choices/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 120000,
+  "inputs_max_tokens": 467,
+  "inputs_tokens": 10415555,
+  "targets_max_tokens": 3,
+  "targets_tokens": 210000
+}
diff --git a/data/ag_news_which_section_choices/test.tfrecord-00000-of-00001 b/data/ag_news_which_section_choices/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e3ff1393051d08dc16941af0645a2bf7f20a58ca
--- /dev/null
+++ b/data/ag_news_which_section_choices/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cfcb7b0e021f8de6cf07392b2a26bf615b9a3786c2c7b4877b1e64d24f95fdb3
+size 5531430
diff --git a/data/ag_news_which_section_choices/train.tfrecord-00000-of-00001 b/data/ag_news_which_section_choices/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..92f1c64da5da8b1ba5894c658dd5a504f1fcd208
--- /dev/null
+++ b/data/ag_news_which_section_choices/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b2433321798290785464a7114563abdebc5dd3f6a3fd9782e3f5269f3ccb22da
+size 87583882
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/COMPLETED b/data/ai2_arc_ARC_Challenge_heres_a_problem/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/info.test.json b/data/ai2_arc_ARC_Challenge_heres_a_problem/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_heres_a_problem/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/info.train.json b/data/ai2_arc_ARC_Challenge_heres_a_problem/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_heres_a_problem/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/info.validation.json b/data/ai2_arc_ARC_Challenge_heres_a_problem/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_heres_a_problem/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/stats.test.json b/data/ai2_arc_ARC_Challenge_heres_a_problem/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8fdd767e201cce2e19c040ddf87479c73ed6bef1
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_heres_a_problem/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1172,
+  "inputs_max_tokens": 228,
+  "inputs_tokens": 109849,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1172
+}
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/stats.train.json b/data/ai2_arc_ARC_Challenge_heres_a_problem/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d92e92ed7b656154023079a4bd8611dc2c8d78cf
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_heres_a_problem/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1119,
+  "inputs_max_tokens": 222,
+  "inputs_tokens": 102969,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1119
+}
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/stats.validation.json b/data/ai2_arc_ARC_Challenge_heres_a_problem/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..965aa68f8699660cfa5d3f56c6656a946cedf789
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_heres_a_problem/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 299,
+  "inputs_max_tokens": 198,
+  "inputs_tokens": 27934,
+  "targets_max_tokens": 1,
+  "targets_tokens": 299
+}
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_heres_a_problem/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ad551fb3d2eb08916a2eae397168f0d1d4c44287
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_heres_a_problem/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:601b0f5e916bec8e7b861923caf0d74090e780b47e189beab6fcb8f67c253afb
+size 776116
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_heres_a_problem/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3c31047314f3ff71d305f07adcfe82318bdd806f
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_heres_a_problem/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6d4c2b46d2053382ee36d68366e19e7c1d34d46905eaba4560e947f534e62c7d
+size 728967
diff --git a/data/ai2_arc_ARC_Challenge_heres_a_problem/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_heres_a_problem/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b3dd7162dd52c5df241622c1b19bdfa587c41186
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_heres_a_problem/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e6025470388346fae3f50a8f19297db20f349789999bb370fc7546dace3dfc06
+size 198811
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/COMPLETED b/data/ai2_arc_ARC_Challenge_i_am_hesitating/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/info.test.json b/data/ai2_arc_ARC_Challenge_i_am_hesitating/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_i_am_hesitating/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/info.train.json b/data/ai2_arc_ARC_Challenge_i_am_hesitating/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_i_am_hesitating/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/info.validation.json b/data/ai2_arc_ARC_Challenge_i_am_hesitating/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_i_am_hesitating/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/stats.test.json b/data/ai2_arc_ARC_Challenge_i_am_hesitating/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7a6b8ee41283f8702b66d1f0f30a10abc7a40f41
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_i_am_hesitating/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1172,
+  "inputs_max_tokens": 227,
+  "inputs_tokens": 108709,
+  "targets_max_tokens": 49,
+  "targets_tokens": 8099
+}
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/stats.train.json b/data/ai2_arc_ARC_Challenge_i_am_hesitating/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c3daf7847be456321c67211457942b061a7fc20a
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_i_am_hesitating/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1119,
+  "inputs_max_tokens": 221,
+  "inputs_tokens": 101860,
+  "targets_max_tokens": 41,
+  "targets_tokens": 7499
+}
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/stats.validation.json b/data/ai2_arc_ARC_Challenge_i_am_hesitating/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4019a5eb5205c4f29a50615fbff7febb760c9d95
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_i_am_hesitating/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 299,
+  "inputs_max_tokens": 197,
+  "inputs_tokens": 27644,
+  "targets_max_tokens": 38,
+  "targets_tokens": 2023
+}
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_i_am_hesitating/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ae2f6f332a91d3cc38e4b6b770bf2a3ecfe83b2b
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_i_am_hesitating/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d8c34098782670e384b4d84f931c1e92d7abe6f8b4df08b522be6ac5213a6440
+size 976038
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_i_am_hesitating/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7e53ee7082dd3196358eb3f3c63ca0fca9923e97
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_i_am_hesitating/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:64a70f3eb9a1c14d2a6fd41093025411e8565a4da97d9919e6810bf08c2e9652
+size 915463
diff --git a/data/ai2_arc_ARC_Challenge_i_am_hesitating/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_i_am_hesitating/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1df155626dc2e9759229f29dfac2112e4e5feb69
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_i_am_hesitating/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:24b098b4f0ab841b0dc9a5ec87f859dd1a19642b55d50191118485be02cc284c
+size 249970
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/COMPLETED b/data/ai2_arc_ARC_Challenge_multiple_choice/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/info.test.json b/data/ai2_arc_ARC_Challenge_multiple_choice/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_multiple_choice/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/info.train.json b/data/ai2_arc_ARC_Challenge_multiple_choice/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_multiple_choice/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/info.validation.json b/data/ai2_arc_ARC_Challenge_multiple_choice/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_multiple_choice/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/stats.test.json b/data/ai2_arc_ARC_Challenge_multiple_choice/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4d5f7ddfb72f6ba7fc7a6b3893044842dbef2ae6
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_multiple_choice/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1172,
+  "inputs_max_tokens": 226,
+  "inputs_tokens": 107537,
+  "targets_max_tokens": 49,
+  "targets_tokens": 8099
+}
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/stats.train.json b/data/ai2_arc_ARC_Challenge_multiple_choice/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0871d16c5340eb641e31eecf35c8bfe033e945ac
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_multiple_choice/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1119,
+  "inputs_max_tokens": 220,
+  "inputs_tokens": 100741,
+  "targets_max_tokens": 41,
+  "targets_tokens": 7499
+}
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/stats.validation.json b/data/ai2_arc_ARC_Challenge_multiple_choice/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ba5564f7321599fba8670911b5e290741bf5c790
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_multiple_choice/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 299,
+  "inputs_max_tokens": 196,
+  "inputs_tokens": 27345,
+  "targets_max_tokens": 38,
+  "targets_tokens": 2023
+}
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_multiple_choice/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3f0281ddad6f8f32a609c5a4672cb6ad1c17e44d
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_multiple_choice/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b25a9a6bcafc74e1d5d6cc457a8abb1779145898c8339b4da25a846581091ad9
+size 997084
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_multiple_choice/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4b8f852f2d4947567f2dc5816e2f8581f0eb7de7
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_multiple_choice/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3cb95cfba03e53e14b962ca3407c61987969acc346031c58c9a87a1933bc04ef
+size 935549
diff --git a/data/ai2_arc_ARC_Challenge_multiple_choice/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_multiple_choice/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fff020cd51e75e281793685397159a7ddbc71757
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_multiple_choice/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a2bddb856e32421d830c4bf9328ad3e66df26de38f50a2e3657c0fefd2f02f2d
+size 255333
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/COMPLETED b/data/ai2_arc_ARC_Challenge_pick_false_options/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/info.test.json b/data/ai2_arc_ARC_Challenge_pick_false_options/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_false_options/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/info.train.json b/data/ai2_arc_ARC_Challenge_pick_false_options/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_false_options/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/info.validation.json b/data/ai2_arc_ARC_Challenge_pick_false_options/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_false_options/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/stats.test.json b/data/ai2_arc_ARC_Challenge_pick_false_options/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..22966885dd0ec122026b6fe10be86481888a72aa
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_false_options/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1172,
+  "inputs_max_tokens": 212,
+  "inputs_tokens": 91129,
+  "targets_max_tokens": 106,
+  "targets_tokens": 30512
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/stats.train.json b/data/ai2_arc_ARC_Challenge_pick_false_options/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c005a902c88fd96811a189bffb8919402f5a297e
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_false_options/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1119,
+  "inputs_max_tokens": 206,
+  "inputs_tokens": 85075,
+  "targets_max_tokens": 130,
+  "targets_tokens": 28613
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/stats.validation.json b/data/ai2_arc_ARC_Challenge_pick_false_options/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1c92f1abad2e1d006b55421c2546ef304f57ab9a
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_false_options/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 299,
+  "inputs_max_tokens": 182,
+  "inputs_tokens": 23159,
+  "targets_max_tokens": 103,
+  "targets_tokens": 7554
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_pick_false_options/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b01e5856532a00429660dc94918cb9e70e6c31a0
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_false_options/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9d4b316f446a2b24be66b8eed777de712900ea329a1727bad1c1161808d3643b
+size 845780
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_pick_false_options/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6682a9f6e0532316f791284f53a260d238c49555
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_false_options/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bdebd7054a8be9b5a3f1b42834f05f3a75d15040a7d7221e8e5ac9543f6778dd
+size 792308
diff --git a/data/ai2_arc_ARC_Challenge_pick_false_options/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_pick_false_options/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c4ffaad5213e9eec7688659980623f6565b4b265
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_false_options/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:29eac55d14d1b98a268bc9c886adc9befdc0889e3b144d75e02e3d0272ceb9de
+size 216481
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/COMPLETED b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/info.test.json b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/info.train.json b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/info.validation.json b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/stats.test.json b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a6e852414e7b3f921ae57cfee6cbcb7fd78f138d
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1172,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 99301,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1172
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/stats.train.json b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1509301861c0aa2afeca5e6812df8704046e9106
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1119,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 92898,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1119
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/stats.validation.json b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3bafb010fc9a66df357a9dd37be7679ae9064c5a
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 299,
+  "inputs_max_tokens": 189,
+  "inputs_tokens": 25243,
+  "targets_max_tokens": 1,
+  "targets_tokens": 299
+}
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b6bf7a0222edd2121f7cbf3fe2bbd49f2ba258fb
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c9579a4a02358da2107307d70c091e955cbbb1b81cb9a748ed734a849c49b36b
+size 746375
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..de686a4f9846e16284c7f3a7015b6b5b8f0ad885
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c2c5d5cce213c1b60b0424340db11169d02d878559ed744331e1b93664f7f2a0
+size 700550
diff --git a/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8ca211fff633a6b932bf0201528edcea65332101
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_pick_the_most_correct_option/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:14a2839b36a8f56d56fc230f0d5775154585b255b32f2a2d6f70ba67e131c667
+size 191231
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/COMPLETED b/data/ai2_arc_ARC_Challenge_qa_options/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/info.test.json b/data/ai2_arc_ARC_Challenge_qa_options/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_qa_options/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/info.train.json b/data/ai2_arc_ARC_Challenge_qa_options/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_qa_options/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/info.validation.json b/data/ai2_arc_ARC_Challenge_qa_options/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_qa_options/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/stats.test.json b/data/ai2_arc_ARC_Challenge_qa_options/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..af6215b586c2e54de3a11fea1d0d86c006ad70dc
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_qa_options/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1172,
+  "inputs_max_tokens": 200,
+  "inputs_tokens": 77065,
+  "targets_max_tokens": 49,
+  "targets_tokens": 8099
+}
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/stats.train.json b/data/ai2_arc_ARC_Challenge_qa_options/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..45738c50c59901a22e91ccac04785eb0fdcaaf25
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_qa_options/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1119,
+  "inputs_max_tokens": 194,
+  "inputs_tokens": 71647,
+  "targets_max_tokens": 41,
+  "targets_tokens": 7499
+}
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/stats.validation.json b/data/ai2_arc_ARC_Challenge_qa_options/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7292fcc0af51dc6fd10e5e89e451603e5b7cdfb2
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_qa_options/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 299,
+  "inputs_max_tokens": 170,
+  "inputs_tokens": 19571,
+  "targets_max_tokens": 38,
+  "targets_tokens": 2023
+}
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_qa_options/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6148ab220081496d2258f49057a59eb24a8d1a2a
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_qa_options/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d7f71c09bef91066e422d58c5f00f5a18659c5d6bc97b80e5cad96dcd7b6726f
+size 793446
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_qa_options/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..85a1915f2b6e8249aba890501088fb071b94fb80
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_qa_options/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fcbd4908844733d16812d2952aad80bb0c00cf765526cac2253162b93d77d180
+size 740990
diff --git a/data/ai2_arc_ARC_Challenge_qa_options/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Challenge_qa_options/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4fa75eaf2a872f71af0919a8f3ed0e1f0b856acd
--- /dev/null
+++ b/data/ai2_arc_ARC_Challenge_qa_options/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2a1f2882d53804ad241a6796980cf5342771a2d3212d815d27514fb666792635
+size 203411
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/COMPLETED b/data/ai2_arc_ARC_Easy_heres_a_problem/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/info.test.json b/data/ai2_arc_ARC_Easy_heres_a_problem/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_heres_a_problem/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/info.train.json b/data/ai2_arc_ARC_Easy_heres_a_problem/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_heres_a_problem/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/info.validation.json b/data/ai2_arc_ARC_Easy_heres_a_problem/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_heres_a_problem/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/stats.test.json b/data/ai2_arc_ARC_Easy_heres_a_problem/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5354db135141e15277fe451effaf0ce1a417be52
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_heres_a_problem/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2376,
+  "inputs_max_tokens": 234,
+  "inputs_tokens": 198112,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2376
+}
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/stats.train.json b/data/ai2_arc_ARC_Easy_heres_a_problem/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c7b58399b414d0a8899f3731ef46ed359e0bbf2d
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_heres_a_problem/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2251,
+  "inputs_max_tokens": 266,
+  "inputs_tokens": 186961,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2251
+}
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/stats.validation.json b/data/ai2_arc_ARC_Easy_heres_a_problem/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0e4bc50f8229e937cd32f33ef92ec7452ed73ccb
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_heres_a_problem/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 570,
+  "inputs_max_tokens": 177,
+  "inputs_tokens": 47508,
+  "targets_max_tokens": 1,
+  "targets_tokens": 570
+}
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_heres_a_problem/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bcd656d578f093e473af526e957461aaf3d8b8b4
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_heres_a_problem/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:760f4c78de167823d9e06cc99f471ec23beba92ac81dbb28438fb171564bbfb4
+size 1429675
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_heres_a_problem/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7dd64f1e5fdc15ffb2a8c4adfecc7ad493f34220
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_heres_a_problem/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3ab4ac2d7f6b6d4aec535c3e75660bc6761db37c93741e08a9a532cf85ebde46
+size 1349349
diff --git a/data/ai2_arc_ARC_Easy_heres_a_problem/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_heres_a_problem/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bae46691f9a0185e4a8ebb3321ae78f8c00563a2
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_heres_a_problem/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f8f1aa73403a142ce37af1c0be880fdfe55de1608b755809f8eab3fd170d5251
+size 342682
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/COMPLETED b/data/ai2_arc_ARC_Easy_i_am_hesitating/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/info.test.json b/data/ai2_arc_ARC_Easy_i_am_hesitating/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_i_am_hesitating/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/info.train.json b/data/ai2_arc_ARC_Easy_i_am_hesitating/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_i_am_hesitating/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/info.validation.json b/data/ai2_arc_ARC_Easy_i_am_hesitating/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_i_am_hesitating/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/stats.test.json b/data/ai2_arc_ARC_Easy_i_am_hesitating/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..51a0782e4e8f4ce14cdf56a7a5a4dec96006e7bb
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_i_am_hesitating/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2376,
+  "inputs_max_tokens": 233,
+  "inputs_tokens": 195788,
+  "targets_max_tokens": 34,
+  "targets_tokens": 12301
+}
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/stats.train.json b/data/ai2_arc_ARC_Easy_i_am_hesitating/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9ab690949586488b55ad1f5681ba1caefd69a811
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_i_am_hesitating/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2251,
+  "inputs_max_tokens": 265,
+  "inputs_tokens": 184739,
+  "targets_max_tokens": 51,
+  "targets_tokens": 11734
+}
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/stats.validation.json b/data/ai2_arc_ARC_Easy_i_am_hesitating/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c12349ad9a3d093d7f7447b60795957a427c8e9e
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_i_am_hesitating/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 570,
+  "inputs_max_tokens": 176,
+  "inputs_tokens": 46950,
+  "targets_max_tokens": 19,
+  "targets_tokens": 2896
+}
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_i_am_hesitating/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6468079e075fc3856d3cd1b096ba32dd5fde5842
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_i_am_hesitating/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:340fa933bede3889078d1b5ac0fb0a86587c9747db0878cee5f7547c1a680722
+size 1747898
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_i_am_hesitating/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1ad583e098119013cdee056a45cfb9b4af3ceb40
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_i_am_hesitating/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ad6ab81b1f531f8479fc7838e57905e1a5d8fe65c478e32161d2265465669f0c
+size 1652940
diff --git a/data/ai2_arc_ARC_Easy_i_am_hesitating/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_i_am_hesitating/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..87291f6412cb4a6f9260b83d06bd401363fd7952
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_i_am_hesitating/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:22487bda2ad65e72073a23d85a6da98e6859162d02fa394bdd6eb0fdb4e45af9
+size 418051
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/COMPLETED b/data/ai2_arc_ARC_Easy_multiple_choice/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/info.test.json b/data/ai2_arc_ARC_Easy_multiple_choice/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_multiple_choice/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/info.train.json b/data/ai2_arc_ARC_Easy_multiple_choice/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_multiple_choice/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/info.validation.json b/data/ai2_arc_ARC_Easy_multiple_choice/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_multiple_choice/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/stats.test.json b/data/ai2_arc_ARC_Easy_multiple_choice/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..354d5e6ab3d0556d1696bbbdad9d8f4bff520ed6
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_multiple_choice/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2376,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 193412,
+  "targets_max_tokens": 34,
+  "targets_tokens": 12301
+}
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/stats.train.json b/data/ai2_arc_ARC_Easy_multiple_choice/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..28108ee33f924dfa4fa1400fe1fcc976b7ea59f2
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_multiple_choice/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2251,
+  "inputs_max_tokens": 264,
+  "inputs_tokens": 182488,
+  "targets_max_tokens": 51,
+  "targets_tokens": 11734
+}
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/stats.validation.json b/data/ai2_arc_ARC_Easy_multiple_choice/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8f212bf7731746b2873e61e3c93700c7f642c2eb
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_multiple_choice/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 570,
+  "inputs_max_tokens": 175,
+  "inputs_tokens": 46380,
+  "targets_max_tokens": 19,
+  "targets_tokens": 2896
+}
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_multiple_choice/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5d811bdd232bc8dfbcffc6baffa3fe4fb5d636c8
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_multiple_choice/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1374fe6fe608d5da7adcd5e5095b0fdc46e47eb4659ddd17896eb9e488345680
+size 1790553
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_multiple_choice/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5d944f5acc85657c2e4faf65da5c8b09cd5cba90
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_multiple_choice/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7b3d6c349068c32c5f9382aa44643051e5148285b8c7589a5ad390b9784b082a
+size 1693373
diff --git a/data/ai2_arc_ARC_Easy_multiple_choice/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_multiple_choice/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d92a03778876997c852fab78508c9bd0a991fc6
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_multiple_choice/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:661d945324209be95cd2c8974d154d54debee092aea1b70b9e4e0071916e897e
+size 428283
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/COMPLETED b/data/ai2_arc_ARC_Easy_pick_false_options/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/info.test.json b/data/ai2_arc_ARC_Easy_pick_false_options/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_false_options/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/info.train.json b/data/ai2_arc_ARC_Easy_pick_false_options/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_false_options/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/info.validation.json b/data/ai2_arc_ARC_Easy_pick_false_options/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_false_options/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/stats.test.json b/data/ai2_arc_ARC_Easy_pick_false_options/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..85db83ea84b7d8223f2722c12bdb0de385cf46b0
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_false_options/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2376,
+  "inputs_max_tokens": 218,
+  "inputs_tokens": 160148,
+  "targets_max_tokens": 78,
+  "targets_tokens": 50960
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/stats.train.json b/data/ai2_arc_ARC_Easy_pick_false_options/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a6be09d5f12d9d30a5ef581b6f0439404f1cb163
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_false_options/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2251,
+  "inputs_max_tokens": 250,
+  "inputs_tokens": 150974,
+  "targets_max_tokens": 122,
+  "targets_tokens": 48422
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/stats.validation.json b/data/ai2_arc_ARC_Easy_pick_false_options/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b8f507d2c6e80ccd5e49dc5a860a8b76ada3de6f
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_false_options/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 570,
+  "inputs_max_tokens": 161,
+  "inputs_tokens": 38400,
+  "targets_max_tokens": 60,
+  "targets_tokens": 12187
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_pick_false_options/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5f8b062756c71b32e9605db175450d89a5fbe814
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_false_options/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0a845944a288e99c77c9aebb83db05f5b88d06e9f3ae5bd26980aae7587b3fd5
+size 1509399
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_pick_false_options/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..edcf93283ec2eabf4bc2a699029e6cf95c675eeb
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_false_options/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e371ea8bb77d19d1ae6f5afe56e2d9dab8517962330cac32800d2fa785c35a97
+size 1425879
diff --git a/data/ai2_arc_ARC_Easy_pick_false_options/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_pick_false_options/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0d4c4caed53b4c6e78dd9a938d5204de64671453
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_false_options/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0ff7f8a336c5e3773d76943e3d3a10b8444afa1ef291ac84289e537c17261197
+size 361694
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/COMPLETED b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/info.test.json b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/info.train.json b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/info.validation.json b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/stats.test.json b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fb4e7de5e8b76c60d458b361b5152da400172587
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2376,
+  "inputs_max_tokens": 225,
+  "inputs_tokens": 176728,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2376
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/stats.train.json b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9bcbc51ae970c7d54f9862776d83f942dee26bb5
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2251,
+  "inputs_max_tokens": 257,
+  "inputs_tokens": 166702,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2251
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/stats.validation.json b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..82b57506a5eec7ac00c4f098026cd47faf4f6c59
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 570,
+  "inputs_max_tokens": 168,
+  "inputs_tokens": 42378,
+  "targets_max_tokens": 1,
+  "targets_tokens": 570
+}
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8a12e58f06810690009d690c9005c4db061e6c64
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3c9730cd5b817ad47f919410ea0ce441947894bbb228d66a2adb4c229539c1e7
+size 1369415
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..40a47a5145760697427f42a869804857a690d123
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bfbb1bc6bb684479f2ac8d0f09eb4bbd600188f8119c6af812bd32a10e8546ed
+size 1292264
diff --git a/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..70bc51255113148cd7d393976f0f3eb8c5e552d8
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_pick_the_most_correct_option/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5bc561e6e526558eb49595b8a8a9f34981bbeeec8aaed782154f5bc37484d5d8
+size 328248
diff --git a/data/ai2_arc_ARC_Easy_qa_options/COMPLETED b/data/ai2_arc_ARC_Easy_qa_options/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ai2_arc_ARC_Easy_qa_options/info.test.json b/data/ai2_arc_ARC_Easy_qa_options/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_qa_options/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_qa_options/info.train.json b/data/ai2_arc_ARC_Easy_qa_options/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_qa_options/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_qa_options/info.validation.json b/data/ai2_arc_ARC_Easy_qa_options/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_qa_options/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ai2_arc_ARC_Easy_qa_options/stats.test.json b/data/ai2_arc_ARC_Easy_qa_options/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..573e5cf4bf91fb3b5ae328da4d5684edb4b3666b
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_qa_options/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2376,
+  "inputs_max_tokens": 206,
+  "inputs_tokens": 131636,
+  "targets_max_tokens": 34,
+  "targets_tokens": 12301
+}
diff --git a/data/ai2_arc_ARC_Easy_qa_options/stats.train.json b/data/ai2_arc_ARC_Easy_qa_options/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3e93eedef7f170ad974aa61efa3ee7b60168cfd4
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_qa_options/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2251,
+  "inputs_max_tokens": 238,
+  "inputs_tokens": 123962,
+  "targets_max_tokens": 51,
+  "targets_tokens": 11734
+}
diff --git a/data/ai2_arc_ARC_Easy_qa_options/stats.validation.json b/data/ai2_arc_ARC_Easy_qa_options/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..766c526f251fe43b5647cf6414ae422826f563ad
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_qa_options/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 570,
+  "inputs_max_tokens": 149,
+  "inputs_tokens": 31560,
+  "targets_max_tokens": 19,
+  "targets_tokens": 2896
+}
diff --git a/data/ai2_arc_ARC_Easy_qa_options/test.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_qa_options/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b0954559793b0d374aa7e708d5fb583077ff5ebe
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_qa_options/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:216af1936528f174993f82ed3cd9f311f9e90adff091d2af42a595eae19f6972
+size 1377747
diff --git a/data/ai2_arc_ARC_Easy_qa_options/train.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_qa_options/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..90cf82a21fe57ccfd42160a5f19ff50de6470d67
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_qa_options/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1a9da05d9f712cf80899a6435976d1a1828b8a227bfd2dd8d45c6da667ed65d4
+size 1302323
diff --git a/data/ai2_arc_ARC_Easy_qa_options/validation.tfrecord-00000-of-00001 b/data/ai2_arc_ARC_Easy_qa_options/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d2052e348e912b274aa20c714fd17c146a19fec5
--- /dev/null
+++ b/data/ai2_arc_ARC_Easy_qa_options/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:306d5930903ac605329434b0e15f7e4060aaefab5dc67f393baa65c060655fe9
+size 329328
diff --git a/data/amazon_polarity_Is_this_product_review_positive/COMPLETED b/data/amazon_polarity_Is_this_product_review_positive/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/amazon_polarity_Is_this_product_review_positive/info.test.json b/data/amazon_polarity_Is_this_product_review_positive/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_Is_this_product_review_positive/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_Is_this_product_review_positive/info.train.json b/data/amazon_polarity_Is_this_product_review_positive/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_Is_this_product_review_positive/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_Is_this_product_review_positive/stats.test.json b/data/amazon_polarity_Is_this_product_review_positive/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0991b7c7d9972c7e5e5f13c7c6b87bbecf0f4c7d
--- /dev/null
+++ b/data/amazon_polarity_Is_this_product_review_positive/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400000,
+  "inputs_max_tokens": 678,
+  "inputs_tokens": 48348673,
+  "targets_max_tokens": 1,
+  "targets_tokens": 400000
+}
diff --git a/data/amazon_polarity_Is_this_product_review_positive/stats.train.json b/data/amazon_polarity_Is_this_product_review_positive/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..40c7a5cfae88b20c886f51941f07559d755b6445
--- /dev/null
+++ b/data/amazon_polarity_Is_this_product_review_positive/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600000,
+  "inputs_max_tokens": 744,
+  "inputs_tokens": 435440200,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600000
+}
diff --git a/data/amazon_polarity_Is_this_product_review_positive/test.tfrecord-00000-of-00001 b/data/amazon_polarity_Is_this_product_review_positive/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b0f5de004024717d0724aa4cc29bf5ab89a52ff8
--- /dev/null
+++ b/data/amazon_polarity_Is_this_product_review_positive/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0c1d7f367820f16534e2a1b00f253471b8efd9c7e7f674bffe128f1e212cb382
+size 330247873
diff --git a/data/amazon_polarity_Is_this_product_review_positive/train.tfrecord-00000-of-00001 b/data/amazon_polarity_Is_this_product_review_positive/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..14b60bf118d38005403c0694ada55f2d207f6e34
--- /dev/null
+++ b/data/amazon_polarity_Is_this_product_review_positive/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:85a7977cf549ee2b280a943621aed71abdce671ebec00352467a8aa2d0e48925
+size 2973414841
diff --git a/data/amazon_polarity_Is_this_review/COMPLETED b/data/amazon_polarity_Is_this_review/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/amazon_polarity_Is_this_review/beam-temp-info.test.json-7509db8015a911ec9266b88303658770/b2fbeaf5-8a03-4bc0-8a77-3b99a937455c.info.test.json b/data/amazon_polarity_Is_this_review/beam-temp-info.test.json-7509db8015a911ec9266b88303658770/b2fbeaf5-8a03-4bc0-8a77-3b99a937455c.info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review/beam-temp-info.test.json-7509db8015a911ec9266b88303658770/b2fbeaf5-8a03-4bc0-8a77-3b99a937455c.info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_Is_this_review/info.test.json b/data/amazon_polarity_Is_this_review/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_Is_this_review/info.train.json b/data/amazon_polarity_Is_this_review/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_Is_this_review/stats.test.json b/data/amazon_polarity_Is_this_review/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c4986a8c2ba1fe7b3420588987d118029d5460aa
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400000,
+  "inputs_max_tokens": 677,
+  "inputs_tokens": 47948673,
+  "targets_max_tokens": 2,
+  "targets_tokens": 600000
+}
diff --git a/data/amazon_polarity_Is_this_review/stats.train.json b/data/amazon_polarity_Is_this_review/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9318f5db248cdf746cbba1d9e603db022d2b78c2
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600000,
+  "inputs_max_tokens": 743,
+  "inputs_tokens": 431840201,
+  "targets_max_tokens": 2,
+  "targets_tokens": 5400000
+}
diff --git a/data/amazon_polarity_Is_this_review/test.tfrecord-00000-of-00001 b/data/amazon_polarity_Is_this_review/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cb375ab787f45d7a2494ef0211453318fa408dc5
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dbd4ea00f1379d932bac301215a54de958cac7dfc6b7309c7d3923819d625297
+size 334833346
diff --git a/data/amazon_polarity_Is_this_review/train.tfrecord-00000-of-00001 b/data/amazon_polarity_Is_this_review/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d945b85cf8fd385e2649de7e0c2a2b16caa374ff
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:09bd62329a6803c0edbe52c1e11d16e7489fb9509bbdea6bce7de8f5c8023284
+size 3014681603
diff --git a/data/amazon_polarity_Is_this_review_negative/COMPLETED b/data/amazon_polarity_Is_this_review_negative/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/amazon_polarity_Is_this_review_negative/info.test.json b/data/amazon_polarity_Is_this_review_negative/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review_negative/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_Is_this_review_negative/info.train.json b/data/amazon_polarity_Is_this_review_negative/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review_negative/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_Is_this_review_negative/stats.test.json b/data/amazon_polarity_Is_this_review_negative/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7bc6acceaf7cf06b9a542fb71ccc6c09a562b585
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review_negative/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400000,
+  "inputs_max_tokens": 676,
+  "inputs_tokens": 47548673,
+  "targets_max_tokens": 1,
+  "targets_tokens": 400000
+}
diff --git a/data/amazon_polarity_Is_this_review_negative/stats.train.json b/data/amazon_polarity_Is_this_review_negative/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..994298a2c1c9699806828429b166c4f525fd0536
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review_negative/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600000,
+  "inputs_max_tokens": 742,
+  "inputs_tokens": 428240201,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600000
+}
diff --git a/data/amazon_polarity_Is_this_review_negative/test.tfrecord-00000-of-00001 b/data/amazon_polarity_Is_this_review_negative/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8804dbfa447e728f175277ebdfeb2593e08d44ac
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review_negative/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f949f01d805a860a464a8017b2e74f1181c0b7462ab8c28fb17242faf02fc813
+size 325426015
diff --git a/data/amazon_polarity_Is_this_review_negative/train.tfrecord-00000-of-00001 b/data/amazon_polarity_Is_this_review_negative/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88e3f3a6d0996e0f325d33cffcd8667a4d76935a
--- /dev/null
+++ b/data/amazon_polarity_Is_this_review_negative/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0ee08e16f85320641228f552a67e8798677580e4e00932b8897d827ab6b20b24
+size 2930015483
diff --git a/data/amazon_polarity_User_recommend_this_product/COMPLETED b/data/amazon_polarity_User_recommend_this_product/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/amazon_polarity_User_recommend_this_product/info.test.json b/data/amazon_polarity_User_recommend_this_product/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_User_recommend_this_product/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_User_recommend_this_product/info.train.json b/data/amazon_polarity_User_recommend_this_product/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_User_recommend_this_product/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_User_recommend_this_product/stats.test.json b/data/amazon_polarity_User_recommend_this_product/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4aa05a1ab40bb14fa919c1f5cb54dbf470c7dcb6
--- /dev/null
+++ b/data/amazon_polarity_User_recommend_this_product/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400000,
+  "inputs_max_tokens": 650,
+  "inputs_tokens": 48113743,
+  "targets_max_tokens": 1,
+  "targets_tokens": 400000
+}
diff --git a/data/amazon_polarity_User_recommend_this_product/stats.train.json b/data/amazon_polarity_User_recommend_this_product/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e12f4f328ef842f5e22bc8a34ff132e0cec7c036
--- /dev/null
+++ b/data/amazon_polarity_User_recommend_this_product/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600000,
+  "inputs_max_tokens": 714,
+  "inputs_tokens": 433323503,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600000
+}
diff --git a/data/amazon_polarity_User_recommend_this_product/test.tfrecord-00000-of-00001 b/data/amazon_polarity_User_recommend_this_product/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c71dca0767096e4ff775a488f6b2dd4e1243de17
--- /dev/null
+++ b/data/amazon_polarity_User_recommend_this_product/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7ea204ee448a5bde5f5c9cc30da8f64a89fdb7b1adfba270ba47bb8965e47cd6
+size 330032739
diff --git a/data/amazon_polarity_User_recommend_this_product/train.tfrecord-00000-of-00001 b/data/amazon_polarity_User_recommend_this_product/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..90500d188af22927c096e4e6ef024ec7b3d918b4
--- /dev/null
+++ b/data/amazon_polarity_User_recommend_this_product/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1158ac888be065d115bfe2dc1a4c7c53c06f0631539c6d21c7739970dabe40d6
+size 2971564440
diff --git a/data/amazon_polarity_convey_negative_or_positive_sentiment/COMPLETED b/data/amazon_polarity_convey_negative_or_positive_sentiment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/amazon_polarity_convey_negative_or_positive_sentiment/info.test.json b/data/amazon_polarity_convey_negative_or_positive_sentiment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_convey_negative_or_positive_sentiment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_convey_negative_or_positive_sentiment/info.train.json b/data/amazon_polarity_convey_negative_or_positive_sentiment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_convey_negative_or_positive_sentiment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_convey_negative_or_positive_sentiment/stats.test.json b/data/amazon_polarity_convey_negative_or_positive_sentiment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ee3ca0f4fee4d0b7c16b51de9205f56565f5065
--- /dev/null
+++ b/data/amazon_polarity_convey_negative_or_positive_sentiment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400000,
+  "inputs_max_tokens": 681,
+  "inputs_tokens": 49548673,
+  "targets_max_tokens": 2,
+  "targets_tokens": 600000
+}
diff --git a/data/amazon_polarity_convey_negative_or_positive_sentiment/stats.train.json b/data/amazon_polarity_convey_negative_or_positive_sentiment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..15c4c2c1121e76c6ffa07a18a00c04fdd1c506d7
--- /dev/null
+++ b/data/amazon_polarity_convey_negative_or_positive_sentiment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600000,
+  "inputs_max_tokens": 747,
+  "inputs_tokens": 446240201,
+  "targets_max_tokens": 2,
+  "targets_tokens": 5400000
+}
diff --git a/data/amazon_polarity_convey_negative_or_positive_sentiment/test.tfrecord-00000-of-00001 b/data/amazon_polarity_convey_negative_or_positive_sentiment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4d09d1e144e4b71d2c7d489987e45e9128affaef
--- /dev/null
+++ b/data/amazon_polarity_convey_negative_or_positive_sentiment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8777766fc2e4cb4dc4c5f5bc4a658dd9b8ee947dce894213425b9d516bc0a437
+size 349692217
diff --git a/data/amazon_polarity_convey_negative_or_positive_sentiment/train.tfrecord-00000-of-00001 b/data/amazon_polarity_convey_negative_or_positive_sentiment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7ff24f5df4e8ce3f449557aee79dfa04c98becf7
--- /dev/null
+++ b/data/amazon_polarity_convey_negative_or_positive_sentiment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e67ab3481a39b9274458ad2a28f3bd3acd0095a04ecd69e82c32935cd84b9c43
+size 3148418787
diff --git a/data/amazon_polarity_flattering_or_not/COMPLETED b/data/amazon_polarity_flattering_or_not/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/amazon_polarity_flattering_or_not/info.test.json b/data/amazon_polarity_flattering_or_not/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_flattering_or_not/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_flattering_or_not/info.train.json b/data/amazon_polarity_flattering_or_not/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_flattering_or_not/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_flattering_or_not/stats.test.json b/data/amazon_polarity_flattering_or_not/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f28474669de734954d8705214601f5004ab93f8e
--- /dev/null
+++ b/data/amazon_polarity_flattering_or_not/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400000,
+  "inputs_max_tokens": 691,
+  "inputs_tokens": 53548673,
+  "targets_max_tokens": 4,
+  "targets_tokens": 1200000
+}
diff --git a/data/amazon_polarity_flattering_or_not/stats.train.json b/data/amazon_polarity_flattering_or_not/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..13269e0014604069d06a8e9fe2c2d6c5f5c0d1aa
--- /dev/null
+++ b/data/amazon_polarity_flattering_or_not/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600000,
+  "inputs_max_tokens": 757,
+  "inputs_tokens": 482240201,
+  "targets_max_tokens": 4,
+  "targets_tokens": 10800000
+}
diff --git a/data/amazon_polarity_flattering_or_not/test.tfrecord-00000-of-00001 b/data/amazon_polarity_flattering_or_not/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..588b5a43ba095b09bfde7bf870141688673b2da0
--- /dev/null
+++ b/data/amazon_polarity_flattering_or_not/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b32a5487b73e20d93c917c1ec039b87f427631769eb45eea3e0c34b4ad19b53f
+size 371001608
diff --git a/data/amazon_polarity_flattering_or_not/train.tfrecord-00000-of-00001 b/data/amazon_polarity_flattering_or_not/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d361fd3ce223b53bcdcff8c8b654325260ab3b91
--- /dev/null
+++ b/data/amazon_polarity_flattering_or_not/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c612408c27376da7d9928d66d30ff204f2f5d0aa89606699dc602aa7814caeeb
+size 3340195997
diff --git a/data/amazon_polarity_negative_or_positive_tone/COMPLETED b/data/amazon_polarity_negative_or_positive_tone/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/amazon_polarity_negative_or_positive_tone/beam-temp-info.test.json-c5b4ea8415a911ecbf40b88303658770/cca9b158-3b3e-4778-898d-e81d79284ae2.info.test.json b/data/amazon_polarity_negative_or_positive_tone/beam-temp-info.test.json-c5b4ea8415a911ecbf40b88303658770/cca9b158-3b3e-4778-898d-e81d79284ae2.info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_negative_or_positive_tone/beam-temp-info.test.json-c5b4ea8415a911ecbf40b88303658770/cca9b158-3b3e-4778-898d-e81d79284ae2.info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_negative_or_positive_tone/info.test.json b/data/amazon_polarity_negative_or_positive_tone/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_negative_or_positive_tone/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_negative_or_positive_tone/info.train.json b/data/amazon_polarity_negative_or_positive_tone/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_negative_or_positive_tone/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_negative_or_positive_tone/stats.test.json b/data/amazon_polarity_negative_or_positive_tone/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f73c80174a7986d49f59600eee4f1d21ccb49ae0
--- /dev/null
+++ b/data/amazon_polarity_negative_or_positive_tone/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400000,
+  "inputs_max_tokens": 688,
+  "inputs_tokens": 52348673,
+  "targets_max_tokens": 2,
+  "targets_tokens": 600000
+}
diff --git a/data/amazon_polarity_negative_or_positive_tone/stats.train.json b/data/amazon_polarity_negative_or_positive_tone/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f62b92f5ef23b820a95d1f6b1805822dbdecf141
--- /dev/null
+++ b/data/amazon_polarity_negative_or_positive_tone/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600000,
+  "inputs_max_tokens": 754,
+  "inputs_tokens": 471440200,
+  "targets_max_tokens": 2,
+  "targets_tokens": 5400000
+}
diff --git a/data/amazon_polarity_negative_or_positive_tone/test.tfrecord-00000-of-00001 b/data/amazon_polarity_negative_or_positive_tone/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3a7b3834ff03acc9a1e048e0614357d25eb914d9
--- /dev/null
+++ b/data/amazon_polarity_negative_or_positive_tone/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:167493139a8520f5aacc53a8917d39da9f68540aff6a4121d258586029cffa4c
+size 356969782
diff --git a/data/amazon_polarity_negative_or_positive_tone/train.tfrecord-00000-of-00001 b/data/amazon_polarity_negative_or_positive_tone/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..46a0a6dbe42fab6177177706d25d8bf2c24f8d94
--- /dev/null
+++ b/data/amazon_polarity_negative_or_positive_tone/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d2d1241a78c4ed130be72f8f73027f0f2856adb11390dd2050e5fd6304cbf1b4
+size 3213911854
diff --git a/data/amazon_polarity_user_satisfied/COMPLETED b/data/amazon_polarity_user_satisfied/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/amazon_polarity_user_satisfied/info.test.json b/data/amazon_polarity_user_satisfied/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_user_satisfied/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_user_satisfied/info.train.json b/data/amazon_polarity_user_satisfied/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_user_satisfied/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_user_satisfied/stats.test.json b/data/amazon_polarity_user_satisfied/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..147f7238c42d5f184871cf6d84ea1df21f3ea581
--- /dev/null
+++ b/data/amazon_polarity_user_satisfied/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400000,
+  "inputs_max_tokens": 698,
+  "inputs_tokens": 56348673,
+  "targets_max_tokens": 5,
+  "targets_tokens": 1200000
+}
diff --git a/data/amazon_polarity_user_satisfied/stats.train.json b/data/amazon_polarity_user_satisfied/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ec9648941e15fec433325390ec493233b2122878
--- /dev/null
+++ b/data/amazon_polarity_user_satisfied/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600000,
+  "inputs_max_tokens": 764,
+  "inputs_tokens": 507440200,
+  "targets_max_tokens": 5,
+  "targets_tokens": 10800000
+}
diff --git a/data/amazon_polarity_user_satisfied/test.tfrecord-00000-of-00001 b/data/amazon_polarity_user_satisfied/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..55dc1abf9109b9eb1f6e94b307369455999a064f
--- /dev/null
+++ b/data/amazon_polarity_user_satisfied/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:43cb6ba9aff7d4ba16737d3515155129b697d4c94cf8ab5b844b871a3b140c0b
+size 375258923
diff --git a/data/amazon_polarity_user_satisfied/train.tfrecord-00000-of-00001 b/data/amazon_polarity_user_satisfied/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..34e5a3f31dedeb5fc90631223f01f3f0563b91d8
--- /dev/null
+++ b/data/amazon_polarity_user_satisfied/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2b460c3c1f3d6dcaf1b040e9ad3c2d22d0f6f4f7b50b06e2d190a732428ba38d
+size 3378503775
diff --git a/data/amazon_polarity_would_you_buy/COMPLETED b/data/amazon_polarity_would_you_buy/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/amazon_polarity_would_you_buy/info.test.json b/data/amazon_polarity_would_you_buy/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_would_you_buy/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_would_you_buy/info.train.json b/data/amazon_polarity_would_you_buy/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/amazon_polarity_would_you_buy/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/amazon_polarity_would_you_buy/stats.test.json b/data/amazon_polarity_would_you_buy/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a353cbbad5397d6bc797f83369e25704ab7cd616
--- /dev/null
+++ b/data/amazon_polarity_would_you_buy/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400000,
+  "inputs_max_tokens": 702,
+  "inputs_tokens": 57948673,
+  "targets_max_tokens": 1,
+  "targets_tokens": 400000
+}
diff --git a/data/amazon_polarity_would_you_buy/stats.train.json b/data/amazon_polarity_would_you_buy/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..78b0f46de89258f9093423e00b19be4cbfe9d6b6
--- /dev/null
+++ b/data/amazon_polarity_would_you_buy/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600000,
+  "inputs_max_tokens": 768,
+  "inputs_tokens": 521840200,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600000
+}
diff --git a/data/amazon_polarity_would_you_buy/test.tfrecord-00000-of-00001 b/data/amazon_polarity_would_you_buy/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3bb6227fa1df81154cebbaf1206c533c5f4c7509
--- /dev/null
+++ b/data/amazon_polarity_would_you_buy/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8f18395a3e96b1f073c70b27f4b02bd9b4f97fccedc971e6fa764ef244d77eb3
+size 405551280
diff --git a/data/amazon_polarity_would_you_buy/train.tfrecord-00000-of-00001 b/data/amazon_polarity_would_you_buy/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c3af8feb6d86d0aa4110d6a0892a0bdb3cfcaa05
--- /dev/null
+++ b/data/amazon_polarity_would_you_buy/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bf850e07d8a0d74a10d305318942d9077dd88d1ce56b3c5bd91c88be44b157e0
+size 3651130719
diff --git a/data/anli_GPT_3_style_r1/COMPLETED b/data/anli_GPT_3_style_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_GPT_3_style_r1/info.test.json b/data/anli_GPT_3_style_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_GPT_3_style_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r1/info.train.json b/data/anli_GPT_3_style_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_GPT_3_style_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r1/info.validation.json b/data/anli_GPT_3_style_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_GPT_3_style_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r1/stats.test.json b/data/anli_GPT_3_style_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..082be06841908e61ac867ce2b2632bfbca85fae5
--- /dev/null
+++ b/data/anli_GPT_3_style_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 208,
+  "inputs_tokens": 111165,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1999
+}
diff --git a/data/anli_GPT_3_style_r1/stats.train.json b/data/anli_GPT_3_style_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b3a35f973b03ecddc306cfdf30290d1655b65373
--- /dev/null
+++ b/data/anli_GPT_3_style_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 1877225,
+  "targets_max_tokens": 3,
+  "targets_tokens": 33044
+}
diff --git a/data/anli_GPT_3_style_r1/stats.validation.json b/data/anli_GPT_3_style_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d2375b38fc47910f65ce22654ce94b749ea21a05
--- /dev/null
+++ b/data/anli_GPT_3_style_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 205,
+  "inputs_tokens": 111428,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1999
+}
diff --git a/data/anli_GPT_3_style_r1/test.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..12db3ca78425676878aa5f7deb3fe4cb0a601986
--- /dev/null
+++ b/data/anli_GPT_3_style_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5296082c3e0735789a7666ad425320fa96e7a2091cf7781d6601cbfe503c6c11
+size 775680
diff --git a/data/anli_GPT_3_style_r1/train.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8dbc1153ed4429932e6265252ad7be23c3260d28
--- /dev/null
+++ b/data/anli_GPT_3_style_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:83ec0fb73d38992ac7334436da2989635b56bc74e52ece0dc2850df325593b9b
+size 13168765
diff --git a/data/anli_GPT_3_style_r1/validation.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..145aceaa7be7a2a0245f55e82d3ceb72033a8889
--- /dev/null
+++ b/data/anli_GPT_3_style_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7a4728db7e29a7053ea8a6d59b5fae8af706dc2e3692bce03370479b06422b9a
+size 777180
diff --git a/data/anli_GPT_3_style_r1_score_eval/COMPLETED b/data/anli_GPT_3_style_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_GPT_3_style_r1_score_eval/info.test.json b/data/anli_GPT_3_style_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_GPT_3_style_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r1_score_eval/info.train.json b/data/anli_GPT_3_style_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_GPT_3_style_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r1_score_eval/info.validation.json b/data/anli_GPT_3_style_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_GPT_3_style_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r1_score_eval/stats.test.json b/data/anli_GPT_3_style_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c6c39175078dc236aa0b5170df86719e92a62b8b
--- /dev/null
+++ b/data/anli_GPT_3_style_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 208,
+  "inputs_tokens": 333495,
+  "targets_max_tokens": 3,
+  "targets_tokens": 6000
+}
diff --git a/data/anli_GPT_3_style_r1_score_eval/stats.train.json b/data/anli_GPT_3_style_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..81930a967c74d2a0d08bc3b399b4be1c95e33c18
--- /dev/null
+++ b/data/anli_GPT_3_style_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 5631675,
+  "targets_max_tokens": 3,
+  "targets_tokens": 101676
+}
diff --git a/data/anli_GPT_3_style_r1_score_eval/stats.validation.json b/data/anli_GPT_3_style_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d2ad595023a3f502bc561977d7dda2c4fb0f39f9
--- /dev/null
+++ b/data/anli_GPT_3_style_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 205,
+  "inputs_tokens": 334284,
+  "targets_max_tokens": 3,
+  "targets_tokens": 6000
+}
diff --git a/data/anli_GPT_3_style_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b6c8d88c5b33727260c01ab1e94d28d818258a87
--- /dev/null
+++ b/data/anli_GPT_3_style_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b42f9aef2d9b3981a8921b6da01f870c3cb07795ec0fe92aed9e51e7e3410412
+size 2362664
diff --git a/data/anli_GPT_3_style_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..22101159874d426c1f80397e1e553514f3ddc032
--- /dev/null
+++ b/data/anli_GPT_3_style_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5d1cb1b51498b415f8df918ec1007049529f6f613b6b86a963f60a23f53f5052
+size 40106734
diff --git a/data/anli_GPT_3_style_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a346c01c49f17bea625fe29dd3d616a7c638d8bb
--- /dev/null
+++ b/data/anli_GPT_3_style_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bb645742cf74488eab75d9879bb22042742b10cad6a1dd1cd793eb99200f1448
+size 2367164
diff --git a/data/anli_GPT_3_style_r2/COMPLETED b/data/anli_GPT_3_style_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_GPT_3_style_r2/info.test.json b/data/anli_GPT_3_style_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_GPT_3_style_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r2/info.train.json b/data/anli_GPT_3_style_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_GPT_3_style_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r2/info.validation.json b/data/anli_GPT_3_style_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_GPT_3_style_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r2/stats.test.json b/data/anli_GPT_3_style_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..31f23114f53bf540fbf7dba3b206e70124fb7333
--- /dev/null
+++ b/data/anli_GPT_3_style_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 225,
+  "inputs_tokens": 109996,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1999
+}
diff --git a/data/anli_GPT_3_style_r2/stats.train.json b/data/anli_GPT_3_style_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..06df3410689e820e5bddbe8b6fd111b222f9618a
--- /dev/null
+++ b/data/anli_GPT_3_style_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 280,
+  "inputs_tokens": 4949664,
+  "targets_max_tokens": 3,
+  "targets_tokens": 86525
+}
diff --git a/data/anli_GPT_3_style_r2/stats.validation.json b/data/anli_GPT_3_style_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3097e76dca4045c2ba1ad8ca9d573d39676ad7d3
--- /dev/null
+++ b/data/anli_GPT_3_style_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 200,
+  "inputs_tokens": 109434,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1999
+}
diff --git a/data/anli_GPT_3_style_r2/test.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e2cfb5d35ebb580c455134573969a953085a27b6
--- /dev/null
+++ b/data/anli_GPT_3_style_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:579180f8df9238742d1ac5f70f63d71b3dc5be1819e39bd13ac084a7e06acfa3
+size 773753
diff --git a/data/anli_GPT_3_style_r2/train.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c1b05724bb00e7e886cfbec6118979781074893e
--- /dev/null
+++ b/data/anli_GPT_3_style_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c6d300b7b82f99b8d0e1755e109f2db994a2b719fc263009270a9864d4bd991b
+size 34922871
diff --git a/data/anli_GPT_3_style_r2/validation.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dc67ca2766f3130534d8ea6494dcf970b07dfbf4
--- /dev/null
+++ b/data/anli_GPT_3_style_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d3aa59ec53cbced780d0989e523ab7beec61be662582202179c5b72cd267244c
+size 768957
diff --git a/data/anli_GPT_3_style_r2_score_eval/COMPLETED b/data/anli_GPT_3_style_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_GPT_3_style_r2_score_eval/info.test.json b/data/anli_GPT_3_style_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_GPT_3_style_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r2_score_eval/info.train.json b/data/anli_GPT_3_style_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_GPT_3_style_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r2_score_eval/info.validation.json b/data/anli_GPT_3_style_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_GPT_3_style_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r2_score_eval/stats.test.json b/data/anli_GPT_3_style_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f5099cdab0417ddc56022392e0c106c7f0e46d3
--- /dev/null
+++ b/data/anli_GPT_3_style_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 225,
+  "inputs_tokens": 329988,
+  "targets_max_tokens": 3,
+  "targets_tokens": 6000
+}
diff --git a/data/anli_GPT_3_style_r2_score_eval/stats.train.json b/data/anli_GPT_3_style_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c37b24a4f89a1050bf90673592d9b5493cb88526
--- /dev/null
+++ b/data/anli_GPT_3_style_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 280,
+  "inputs_tokens": 14848992,
+  "targets_max_tokens": 3,
+  "targets_tokens": 272760
+}
diff --git a/data/anli_GPT_3_style_r2_score_eval/stats.validation.json b/data/anli_GPT_3_style_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..76c98accf907c9cce30494806c91f39f10d63362
--- /dev/null
+++ b/data/anli_GPT_3_style_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 200,
+  "inputs_tokens": 328302,
+  "targets_max_tokens": 3,
+  "targets_tokens": 6000
+}
diff --git a/data/anli_GPT_3_style_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c6707134565da498887f1f490d3952f1810ab906
--- /dev/null
+++ b/data/anli_GPT_3_style_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1f4b19e33e679487980f3fb23c57f8de75f1f03dcab57de5dd8f8a949525664b
+size 2356883
diff --git a/data/anli_GPT_3_style_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..99bd4c8f6a612b67625f182255e3858c7e94570a
--- /dev/null
+++ b/data/anli_GPT_3_style_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:325c9113d8a35a01c2ae0a2688acc02b42d746bc9d76f3d325f8673062bd3da6
+size 106450835
diff --git a/data/anli_GPT_3_style_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0c4aebd30c7accd10df9565d618ec36e58f235f3
--- /dev/null
+++ b/data/anli_GPT_3_style_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c1855958f964b4bff441c69799262b330588c847ac7b89e658c6fea1adf4bce9
+size 2342495
diff --git a/data/anli_GPT_3_style_r3/COMPLETED b/data/anli_GPT_3_style_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_GPT_3_style_r3/info.test.json b/data/anli_GPT_3_style_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_GPT_3_style_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r3/info.train.json b/data/anli_GPT_3_style_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_GPT_3_style_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r3/info.validation.json b/data/anli_GPT_3_style_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_GPT_3_style_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r3/stats.test.json b/data/anli_GPT_3_style_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a5e5f92e7752aee5e607a077e995f9165043aec0
--- /dev/null
+++ b/data/anli_GPT_3_style_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 296,
+  "inputs_tokens": 124707,
+  "targets_max_tokens": 3,
+  "targets_tokens": 2394
+}
diff --git a/data/anli_GPT_3_style_r3/stats.train.json b/data/anli_GPT_3_style_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e8cd1d0977217465f46a9c9770a403cf28600745
--- /dev/null
+++ b/data/anli_GPT_3_style_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 428,
+  "inputs_tokens": 10318444,
+  "targets_max_tokens": 3,
+  "targets_tokens": 196015
+}
diff --git a/data/anli_GPT_3_style_r3/stats.validation.json b/data/anli_GPT_3_style_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c435113930bf5993006543d90ce3f0ac3ad8c7e4
--- /dev/null
+++ b/data/anli_GPT_3_style_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 241,
+  "inputs_tokens": 124927,
+  "targets_max_tokens": 3,
+  "targets_tokens": 2394
+}
diff --git a/data/anli_GPT_3_style_r3/test.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..03a9fe6a9e7ca2f17fd2bc7cb81fa00bf88cd707
--- /dev/null
+++ b/data/anli_GPT_3_style_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ad5b8bbde2c9207e1f050f968449f260432efb61cedba53a32af26ad231c0418
+size 892656
diff --git a/data/anli_GPT_3_style_r3/train.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f349714c8c2f244e7c137c2501eef07aa851ea52
--- /dev/null
+++ b/data/anli_GPT_3_style_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a5a40082f3281f3ea90170dc53486f39e278ea3a09bc97b33617909ec1383637
+size 74204963
diff --git a/data/anli_GPT_3_style_r3/validation.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fa4c7166704a2a0552dfce55596197173b6fb7dd
--- /dev/null
+++ b/data/anli_GPT_3_style_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3b9ae2f71d661836f23b144e8396d2b2681faa616a4f0dfb182776561b0f73da
+size 896430
diff --git a/data/anli_GPT_3_style_r3_score_eval/COMPLETED b/data/anli_GPT_3_style_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_GPT_3_style_r3_score_eval/info.test.json b/data/anli_GPT_3_style_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_GPT_3_style_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r3_score_eval/info.train.json b/data/anli_GPT_3_style_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_GPT_3_style_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r3_score_eval/info.validation.json b/data/anli_GPT_3_style_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_GPT_3_style_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_GPT_3_style_r3_score_eval/stats.test.json b/data/anli_GPT_3_style_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..41c0ad3fe56dc57d1b65f67de317c521429ee676
--- /dev/null
+++ b/data/anli_GPT_3_style_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 296,
+  "inputs_tokens": 374121,
+  "targets_max_tokens": 3,
+  "targets_tokens": 7200
+}
diff --git a/data/anli_GPT_3_style_r3_score_eval/stats.train.json b/data/anli_GPT_3_style_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..db7de28609f1339e9350eb38efdcb4790bd2a0a5
--- /dev/null
+++ b/data/anli_GPT_3_style_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 428,
+  "inputs_tokens": 30955332,
+  "targets_max_tokens": 3,
+  "targets_tokens": 602754
+}
diff --git a/data/anli_GPT_3_style_r3_score_eval/stats.validation.json b/data/anli_GPT_3_style_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..165ccf60d083981004e532489cb01d02f91b63bd
--- /dev/null
+++ b/data/anli_GPT_3_style_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 241,
+  "inputs_tokens": 374781,
+  "targets_max_tokens": 3,
+  "targets_tokens": 7200
+}
diff --git a/data/anli_GPT_3_style_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..452dcaa2fd146d3b6a26d4cf808a3498956a6fb3
--- /dev/null
+++ b/data/anli_GPT_3_style_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7d32f94ba5a5d0b9319d4309a45595e390fdd4084a9128430c258074527f8c5c
+size 2720790
diff --git a/data/anli_GPT_3_style_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eb353e9cdd15d7fae75c486abd0293832c047f81
--- /dev/null
+++ b/data/anli_GPT_3_style_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7a417cbfb5588131bb52ed49449bea45a897525330bea7b7de95ac94a5cb54ea
+size 226428755
diff --git a/data/anli_GPT_3_style_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_GPT_3_style_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..478b36b4c2eade9ed1097ce89ab84dbd27b68b62
--- /dev/null
+++ b/data/anli_GPT_3_style_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b3abb67673639ebe92f1287a65376efd85f026988b846fc2714f928dcf4b1821
+size 2732112
diff --git a/data/anli_MNLI_crowdsource_r1/COMPLETED b/data/anli_MNLI_crowdsource_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_MNLI_crowdsource_r1/info.test.json b/data/anli_MNLI_crowdsource_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r1/info.train.json b/data/anli_MNLI_crowdsource_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r1/info.validation.json b/data/anli_MNLI_crowdsource_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r1/stats.test.json b/data/anli_MNLI_crowdsource_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e5a606a3191ac93783cfc1d29be5414a8151b60f
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 224,
+  "inputs_tokens": 128324,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2665
+}
diff --git a/data/anli_MNLI_crowdsource_r1/stats.train.json b/data/anli_MNLI_crowdsource_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..739c7b13c9f81f3664218eaca8a7ddc6dd68e622
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 231,
+  "inputs_tokens": 2167194,
+  "targets_max_tokens": 5,
+  "targets_tokens": 49677
+}
diff --git a/data/anli_MNLI_crowdsource_r1/stats.validation.json b/data/anli_MNLI_crowdsource_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..542fe10cddcb6459d14251d5d99bb358795f1a21
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 223,
+  "inputs_tokens": 128549,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2665
+}
diff --git a/data/anli_MNLI_crowdsource_r1/test.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..95c9295d421ad361a5ed20a0ad5019febb1af028
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f0a6570c55ae0407f0eb49fe2fc2c3aa68393036ce5ecd3eb5b71d29a690b1b6
+size 904775
diff --git a/data/anli_MNLI_crowdsource_r1/train.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2ec8512a0c03230fb07fc0e2f7d131d2e6213977
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2cd3c97088fbfa9d4ce4c2247d150e5a0c168845d7d1e912aa8617d1c816b0d5
+size 15362932
diff --git a/data/anli_MNLI_crowdsource_r1/validation.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0cda8acb18a265638e5f4a0290f5e0ca416df027
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cff491410592a6d9906f0f220c21e621f9f0e903e6a4cc057e99920aa61f30c6
+size 906242
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/COMPLETED b/data/anli_MNLI_crowdsource_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/info.test.json b/data/anli_MNLI_crowdsource_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/info.train.json b/data/anli_MNLI_crowdsource_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/info.validation.json b/data/anli_MNLI_crowdsource_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/stats.test.json b/data/anli_MNLI_crowdsource_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..263f691f8beb1adca3e1fcb30f6bed476460f424
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 224,
+  "inputs_tokens": 384972,
+  "targets_max_tokens": 5,
+  "targets_tokens": 8000
+}
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/stats.train.json b/data/anli_MNLI_crowdsource_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c267666dc06a4173e98b9aa49e05b53a56366e8e
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 231,
+  "inputs_tokens": 6501582,
+  "targets_max_tokens": 5,
+  "targets_tokens": 135568
+}
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/stats.validation.json b/data/anli_MNLI_crowdsource_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0c88e5a538fe50322d1977782cde766ec24e1c4c
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 223,
+  "inputs_tokens": 385647,
+  "targets_max_tokens": 5,
+  "targets_tokens": 8000
+}
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d54a11c58a5c439e6d8d31cbd74231da9394f176
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:684f48e0e5100310ccd66ee33e7077db5440b76b9105d93a394b908859a22609
+size 2713954
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1950be9367c049d15ab1d9592fd0136d4948d619
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a2526e6b170414fb71e1fb0a34352c2f8427bbb694e0accb7fd92a7d0a1d2db1
+size 46058129
diff --git a/data/anli_MNLI_crowdsource_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8a8ef3c2763ab925fb69eefefe6767871837ee49
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fc46543fb1616d03fc33ce8e3bed941ffc2588840d851355641995f08b12d42a
+size 2718355
diff --git a/data/anli_MNLI_crowdsource_r2/COMPLETED b/data/anli_MNLI_crowdsource_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_MNLI_crowdsource_r2/info.test.json b/data/anli_MNLI_crowdsource_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r2/info.train.json b/data/anli_MNLI_crowdsource_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r2/info.validation.json b/data/anli_MNLI_crowdsource_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r2/stats.test.json b/data/anli_MNLI_crowdsource_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..87b18e2da66f0ea855a220ddf9043c920bb2bd04
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 244,
+  "inputs_tokens": 127167,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2665
+}
diff --git a/data/anli_MNLI_crowdsource_r2/stats.train.json b/data/anli_MNLI_crowdsource_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..bb56e3d5b2861c4ca0a0da2b919e9c152921cab6
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 299,
+  "inputs_tokens": 5728823,
+  "targets_max_tokens": 5,
+  "targets_tokens": 139349
+}
diff --git a/data/anli_MNLI_crowdsource_r2/stats.validation.json b/data/anli_MNLI_crowdsource_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a7e24844c3729e95de96e11c93475168f3051f60
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 216,
+  "inputs_tokens": 126623,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2665
+}
diff --git a/data/anli_MNLI_crowdsource_r2/test.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b6ab510bf3cd09476401d3e06948a1554b7eb804
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cdc6c97f3017ba38283213610a9067b86af291ebab27c10a8e91270079269589
+size 902814
diff --git a/data/anli_MNLI_crowdsource_r2/train.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..194fd4d494fbf1ac291809e5cb9f2e2396f5eb35
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:34c0a57640fa570a9bd699b5cf9487ad6e25ef83749f6173833dd6fd776cad4e
+size 40817209
diff --git a/data/anli_MNLI_crowdsource_r2/validation.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..083dac75ddcce1bf9bef3099f6facd4623e1f53f
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0e5a9b61828825845d764c2cadc660d3edeace45ba35483d673ba3d14032c563
+size 898070
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/COMPLETED b/data/anli_MNLI_crowdsource_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/info.test.json b/data/anli_MNLI_crowdsource_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/info.train.json b/data/anli_MNLI_crowdsource_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/info.validation.json b/data/anli_MNLI_crowdsource_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/stats.test.json b/data/anli_MNLI_crowdsource_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b8df162b9e88e7a23f014e1591e630ec2d00a942
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 244,
+  "inputs_tokens": 381501,
+  "targets_max_tokens": 5,
+  "targets_tokens": 8000
+}
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/stats.train.json b/data/anli_MNLI_crowdsource_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3be255f5e11c148d6492403227722cea85ca3be9
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 299,
+  "inputs_tokens": 17186469,
+  "targets_max_tokens": 5,
+  "targets_tokens": 363680
+}
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/stats.validation.json b/data/anli_MNLI_crowdsource_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8359f7e81ff186713422ff20ef547c857b786f3b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 216,
+  "inputs_tokens": 379869,
+  "targets_max_tokens": 5,
+  "targets_tokens": 8000
+}
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e96228246f4447d17aa1b17519ef970d94975c61
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:af4e35a684e0a3fcaa26dded49ab512e7c384848fbd3bb8ad2fbceea5501c5e3
+size 2708071
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..73cabb863cb151bcc0de3963fe7fe092bfa16bdb
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:62a732c5fcba23eb09bb006e4e3a62bcc7b4f5ccc98cc517be7a3a5fb143efc7
+size 122410204
diff --git a/data/anli_MNLI_crowdsource_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..20371527491e914c49ae7592e48a24f91dd289ff
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:03302515b3864ca88b22c048f8e1641455c534883af21e48b968100f63c82289
+size 2693839
diff --git a/data/anli_MNLI_crowdsource_r3/COMPLETED b/data/anli_MNLI_crowdsource_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_MNLI_crowdsource_r3/info.test.json b/data/anli_MNLI_crowdsource_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r3/info.train.json b/data/anli_MNLI_crowdsource_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r3/info.validation.json b/data/anli_MNLI_crowdsource_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r3/stats.test.json b/data/anli_MNLI_crowdsource_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ddc7e1a26e903b21be181c0952a1fff09b110b17
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 145173,
+  "targets_max_tokens": 5,
+  "targets_tokens": 3204
+}
diff --git a/data/anli_MNLI_crowdsource_r3/stats.train.json b/data/anli_MNLI_crowdsource_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a97e79ec731b3082aada6d0373f41041416f649f
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 445,
+  "inputs_tokens": 12033256,
+  "targets_max_tokens": 5,
+  "targets_tokens": 290960
+}
diff --git a/data/anli_MNLI_crowdsource_r3/stats.validation.json b/data/anli_MNLI_crowdsource_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ddabf4edce1c9872dd408cc1f60408d42a4a51b0
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 258,
+  "inputs_tokens": 145320,
+  "targets_max_tokens": 5,
+  "targets_tokens": 3204
+}
diff --git a/data/anli_MNLI_crowdsource_r3/test.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..544b359f932b9f82047635401fc71fe3c935664a
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c0cabea70f3ce461d2d81dc94267041be08033b658ff4bff921e3e0a1f2d1b08
+size 1048133
diff --git a/data/anli_MNLI_crowdsource_r3/train.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..07312e7b6600ea0861cd9c51858f3138483ec08c
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:70f8b0720ec89e99bbbff763b1c52bed7ffa5767f6f1c6e85639b3e781cd6706
+size 87250433
diff --git a/data/anli_MNLI_crowdsource_r3/validation.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7e9c348dce3b9632113deeef0b3ff332bbe0d5c9
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2c2dcaaeebbfc9603fe318aa12906b876060bc9876c677e72bae225a12e0de0b
+size 1051772
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/COMPLETED b/data/anli_MNLI_crowdsource_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/info.test.json b/data/anli_MNLI_crowdsource_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/info.train.json b/data/anli_MNLI_crowdsource_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/info.validation.json b/data/anli_MNLI_crowdsource_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/stats.test.json b/data/anli_MNLI_crowdsource_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..db40dd272677966141989b364841610dcf5a5844
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 435519,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9600
+}
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/stats.train.json b/data/anli_MNLI_crowdsource_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..14dc32a2290151acfd8ade44cdafaaece8932945
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 445,
+  "inputs_tokens": 36099768,
+  "targets_max_tokens": 5,
+  "targets_tokens": 803672
+}
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/stats.validation.json b/data/anli_MNLI_crowdsource_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5e18cb12fb37ddb117c783fe2f327d1c3fd811fd
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 258,
+  "inputs_tokens": 435960,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9600
+}
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e57eafbf24cb77b34969cd648802611b85689919
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a4e812352021e7f1e8762d85767ef4c1837cae8e43d4e9bb05f5c65a2daaf743
+size 3143991
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..adea86c94e4bd5b62b658bb503d9e95b0f578bb0
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:688fd7bfca1a05b1c6aae9e760d1af19601862e568c27a245bc2413571e8e7b9
+size 261839266
diff --git a/data/anli_MNLI_crowdsource_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_MNLI_crowdsource_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b3a87c6ccacb6b83a61c6b310eb3cc1153ec7a5a
--- /dev/null
+++ b/data/anli_MNLI_crowdsource_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7317c17a0d9fde1f10699a31e04cc48f3e8a50ef04770b5f8592ef927e5b9a53
+size 3154908
diff --git a/data/anli_always_sometimes_never_r1/COMPLETED b/data/anli_always_sometimes_never_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_always_sometimes_never_r1/info.test.json b/data/anli_always_sometimes_never_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r1/info.train.json b/data/anli_always_sometimes_never_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r1/info.validation.json b/data/anli_always_sometimes_never_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r1/stats.test.json b/data/anli_always_sometimes_never_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7779fc0a945aa88a5948e8d332bc70f0bf7b6324
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 216,
+  "inputs_tokens": 120324,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_always_sometimes_never_r1/stats.train.json b/data/anli_always_sometimes_never_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..771c40cd527f1e003af4ec45e36441a1a4f6bf7f
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 223,
+  "inputs_tokens": 2031626,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_always_sometimes_never_r1/stats.validation.json b/data/anli_always_sometimes_never_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..556bc01dfb0b3cbf034f81c2c7037b395f935df0
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 215,
+  "inputs_tokens": 120549,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_always_sometimes_never_r1/test.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..62fe90c4c551724967e34d8e14547ef44e851158
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aa07b9883af870d01aab3665a081c0f197a4d43c3ebc1bc59a98845ca9646873
+size 825107
diff --git a/data/anli_always_sometimes_never_r1/train.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0d43eb6e639f10bf198abb248b540afba80bbf92
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e39a41f2501dbaa81d338c5273eb681c2c9cd48acd27697583d6d11230f758cd
+size 14007505
diff --git a/data/anli_always_sometimes_never_r1/validation.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7e1a6bd6ea7b9d9448b8d2c1cf900cc0193f7bab
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9acc4d8b67bd46357be67a873539700c7bba71b7379035f7515c915b40284b2c
+size 826573
diff --git a/data/anli_always_sometimes_never_r1_score_eval/COMPLETED b/data/anli_always_sometimes_never_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_always_sometimes_never_r1_score_eval/info.test.json b/data/anli_always_sometimes_never_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r1_score_eval/info.train.json b/data/anli_always_sometimes_never_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r1_score_eval/info.validation.json b/data/anli_always_sometimes_never_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r1_score_eval/stats.test.json b/data/anli_always_sometimes_never_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..32777e2a4646772ce78ddc89dd2311999dd55496
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 216,
+  "inputs_tokens": 360972,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_always_sometimes_never_r1_score_eval/stats.train.json b/data/anli_always_sometimes_never_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..cdf26d61cea84ca8324473e25ac985134321f359
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 223,
+  "inputs_tokens": 6094878,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_always_sometimes_never_r1_score_eval/stats.validation.json b/data/anli_always_sometimes_never_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9cc3cb026572f188fdc10f45fdef5c01966c6fc7
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 215,
+  "inputs_tokens": 361647,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_always_sometimes_never_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1d116e58fc379cd147f974722a83ab9d208cfa7c
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1e885fc99579973f729e1debd394a83d45e5c19da737f4121ed61e4b663dd11a
+size 2498939
diff --git a/data/anli_always_sometimes_never_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a8a4ebc6726de0806147397dbd76534c0a9d4ac9
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5ba9db4a433039c84c483f388d72ffca25687ff05361089cff8aba4c004d5f2a
+size 42414514
diff --git a/data/anli_always_sometimes_never_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..624a88f9ee4e7e1f89298b59625a9c9a5d585ef4
--- /dev/null
+++ b/data/anli_always_sometimes_never_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e25ebb6c195f415ecbadba4e9d0ba9888a66b4dcc6d29d65020d9c1c5d7bf496
+size 2503337
diff --git a/data/anli_always_sometimes_never_r2/COMPLETED b/data/anli_always_sometimes_never_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_always_sometimes_never_r2/info.test.json b/data/anli_always_sometimes_never_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r2/info.train.json b/data/anli_always_sometimes_never_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r2/info.validation.json b/data/anli_always_sometimes_never_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r2/stats.test.json b/data/anli_always_sometimes_never_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..daf6ae739debba20bbf2d1dd6c0493461e8a0ec9
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 236,
+  "inputs_tokens": 119167,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_always_sometimes_never_r2/stats.train.json b/data/anli_always_sometimes_never_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..65c7685bbabf7b33cd165ece74728c740bd258c2
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 291,
+  "inputs_tokens": 5365143,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_always_sometimes_never_r2/stats.validation.json b/data/anli_always_sometimes_never_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8595cefb27b81616b5acfe6b57b2c006f05fbaad
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 208,
+  "inputs_tokens": 118623,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_always_sometimes_never_r2/test.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d544deb69da229004656d6421d161d9b19d998b4
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:baadb0db87adac4b9fc5c916024949c7359b39b0af0de2b35d51b1ded51bb495
+size 823146
diff --git a/data/anli_always_sometimes_never_r2/train.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0bdfbb825f8c06a26b2370964a86fde14a88fcd0
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2c54755603357a4b7bc6aa36eff21a7c66cc18e24aaeb8651603d1d434aec2d6
+size 37175160
diff --git a/data/anli_always_sometimes_never_r2/validation.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a6494d96e1cd72617db87425d29ac69664f0b358
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4a2325a4eaeba30bee2f3ab58fcfdaf1a1468e4b9d4223a54d329e0da89ab642
+size 818400
diff --git a/data/anli_always_sometimes_never_r2_score_eval/COMPLETED b/data/anli_always_sometimes_never_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_always_sometimes_never_r2_score_eval/info.test.json b/data/anli_always_sometimes_never_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r2_score_eval/info.train.json b/data/anli_always_sometimes_never_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r2_score_eval/info.validation.json b/data/anli_always_sometimes_never_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r2_score_eval/stats.test.json b/data/anli_always_sometimes_never_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0f7cfa6502f06cbef8aa4549254ed8e5ae5713ac
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 236,
+  "inputs_tokens": 357501,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_always_sometimes_never_r2_score_eval/stats.train.json b/data/anli_always_sometimes_never_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d4da823f72fac4e04728a9c81c40e6dba38dd89f
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 291,
+  "inputs_tokens": 16095429,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_always_sometimes_never_r2_score_eval/stats.validation.json b/data/anli_always_sometimes_never_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e101500c4cf79ccd292488ddf1dbd0ebf941db29
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 208,
+  "inputs_tokens": 355869,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_always_sometimes_never_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b503aa160b4f08b007ae9bd9561277f16a626789
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:64c66ef513e4e3c1a71b433aedce5181cfbc5d3587d18e078a399f83a7c99989
+size 2493056
diff --git a/data/anli_always_sometimes_never_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..acdd4ef7bfb033fd284de064710955904993524b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7b58f35691e4f5a1412d43a3050c22fcbe454e88ee0ac4c584e41523c03fb645
+size 112635812
diff --git a/data/anli_always_sometimes_never_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..203fce567363670e2d4a33dc9306d2e86a2ed202
--- /dev/null
+++ b/data/anli_always_sometimes_never_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:15926e874d63c9e7a660e8335718039762251dcbd10e9df5a8632c857237908e
+size 2478818
diff --git a/data/anli_always_sometimes_never_r3/COMPLETED b/data/anli_always_sometimes_never_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_always_sometimes_never_r3/info.test.json b/data/anli_always_sometimes_never_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r3/info.train.json b/data/anli_always_sometimes_never_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r3/info.validation.json b/data/anli_always_sometimes_never_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r3/stats.test.json b/data/anli_always_sometimes_never_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d1e747f0a6094ff1a61ad48e0a587822f70ed96b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 306,
+  "inputs_tokens": 135573,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_always_sometimes_never_r3/stats.train.json b/data/anli_always_sometimes_never_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ca22e23caebe636720492889d088cc1e38e9a8ea
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 437,
+  "inputs_tokens": 11229584,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_always_sometimes_never_r3/stats.validation.json b/data/anli_always_sometimes_never_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f1b695e8de798049b0b7252412fd38dd94ada82f
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 250,
+  "inputs_tokens": 135720,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_always_sometimes_never_r3/test.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cd6dc1131995ba89e06736585b8d5103059d0e86
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:55e5a612901acbb1ffa739291a85bb1c49154d6f19b4cd5007a4ab5d473bfadb
+size 952182
diff --git a/data/anli_always_sometimes_never_r3/train.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..87fdc595889d743978645d556095d393c085953e
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1a26b779c25f8797c6ddfa4356e85fa2b9a59c69a22c22ec940fa34c7eae7d76
+size 79197040
diff --git a/data/anli_always_sometimes_never_r3/validation.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..36925c99610bc6144da1d0f5c270590e4f1beaab
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f35a59740b790645f18ad28b1610773845a5999c56da38c6e1f32c9b2ae504f7
+size 955883
diff --git a/data/anli_always_sometimes_never_r3_score_eval/COMPLETED b/data/anli_always_sometimes_never_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_always_sometimes_never_r3_score_eval/info.test.json b/data/anli_always_sometimes_never_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r3_score_eval/info.train.json b/data/anli_always_sometimes_never_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r3_score_eval/info.validation.json b/data/anli_always_sometimes_never_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_always_sometimes_never_r3_score_eval/stats.test.json b/data/anli_always_sometimes_never_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ebe61537512509bf1a706c2c452450b69ced6732
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 306,
+  "inputs_tokens": 406719,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_always_sometimes_never_r3_score_eval/stats.train.json b/data/anli_always_sometimes_never_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d1239ff44392b80272cfa648eef13df87b1ead8e
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 437,
+  "inputs_tokens": 33688752,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_always_sometimes_never_r3_score_eval/stats.validation.json b/data/anli_always_sometimes_never_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d0049c6d23d1522e96ddbf2c3b2b120da1190c1c
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 250,
+  "inputs_tokens": 407160,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_always_sometimes_never_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..68913cec5830fcd540470f83379bda2a510fea70
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dcfb5276b02c761428e6bba44df60acdef5e8f0e44f01dedd0086f218da4751d
+size 2884932
diff --git a/data/anli_always_sometimes_never_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cde02fa5c42586b7bc7ebc80521dc34f5fac7f3a
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:762fb3d06077e0616100c6d2eb75197bd526992cf5761f5aa22ca936f37f33b9
+size 240170060
diff --git a/data/anli_always_sometimes_never_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_always_sometimes_never_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..afc2c91431b2baf26523be53ad2928726e8e8dad
--- /dev/null
+++ b/data/anli_always_sometimes_never_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d86428e3e835731207f70a56e961b193f80e34812f3db6ae2c1d02ccc1175a0a
+size 2896035
diff --git a/data/anli_based_on_the_previous_passage_r1/COMPLETED b/data/anli_based_on_the_previous_passage_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_based_on_the_previous_passage_r1/info.test.json b/data/anli_based_on_the_previous_passage_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r1/info.train.json b/data/anli_based_on_the_previous_passage_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r1/info.validation.json b/data/anli_based_on_the_previous_passage_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r1/stats.test.json b/data/anli_based_on_the_previous_passage_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d0e83d455343a07558854a8dadf4563201d1dd27
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 215,
+  "inputs_tokens": 119324,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_based_on_the_previous_passage_r1/stats.train.json b/data/anli_based_on_the_previous_passage_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c105dc42f2a829336fd42a3e5773aedf1fd9bafb
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 222,
+  "inputs_tokens": 2014680,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_based_on_the_previous_passage_r1/stats.validation.json b/data/anli_based_on_the_previous_passage_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e597356a4e470a47d6e092fe4b125c33dd6bed30
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 119549,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_based_on_the_previous_passage_r1/test.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3aa2658e8e640992062bef3638667d227982172f
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4c8b6061c284cbdd13ecf1562988c8aba59d6152cb415b3c4642477aa2380562
+size 811774
diff --git a/data/anli_based_on_the_previous_passage_r1/train.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bbf1d6e468ac48d3c978a547a7b2bb842a1f89b8
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f463cb7c63515b7c67732826aff5eb9bdb1bf37df6ab04e273831f8e719b1ebf
+size 13780138
diff --git a/data/anli_based_on_the_previous_passage_r1/validation.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9f0170418df11c68115c73cfc8ba6b34175c824f
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cd8ef468d87316f9b195310f57fd0759e0db66ae5e12f931b9d0ec207bba2cf8
+size 813238
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/COMPLETED b/data/anli_based_on_the_previous_passage_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/info.test.json b/data/anli_based_on_the_previous_passage_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/info.train.json b/data/anli_based_on_the_previous_passage_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/info.validation.json b/data/anli_based_on_the_previous_passage_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/stats.test.json b/data/anli_based_on_the_previous_passage_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..df51d0c507f17f5583fca79054e5438456b5fa5e
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 215,
+  "inputs_tokens": 357972,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/stats.train.json b/data/anli_based_on_the_previous_passage_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..feb919b33a634cd064cbda83660198bd77eca784
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 222,
+  "inputs_tokens": 6044040,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/stats.validation.json b/data/anli_based_on_the_previous_passage_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b89bce976976a222af58a2e6e026f86033c43ccb
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 358647,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1ac9deeb0e454a599f02ca6ba2aa51f9348c3c81
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:09b2fb546f33568d00f42f5a155c9d34a694f873fd042c783d0d6e1c1cfa3549
+size 2488939
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..de740c89a2eceeaec4a50092c55ff31cf2d7ff78
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cd49a2cea68fb997911724d5dba5ff74a32fc9540cd2c4dd5ade71b1b4aa0972
+size 42245003
diff --git a/data/anli_based_on_the_previous_passage_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c7805c58a13c9c9dcf1ffcbdae6d8d7fc07a7c1c
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b8022d213d2ddc0d21ff476afee8b8e92f962cc7105dc53962473375aef7f098
+size 2493331
diff --git a/data/anli_based_on_the_previous_passage_r2/COMPLETED b/data/anli_based_on_the_previous_passage_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_based_on_the_previous_passage_r2/info.test.json b/data/anli_based_on_the_previous_passage_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r2/info.train.json b/data/anli_based_on_the_previous_passage_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r2/info.validation.json b/data/anli_based_on_the_previous_passage_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r2/stats.test.json b/data/anli_based_on_the_previous_passage_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4427786a85889c3aab156655b0bcfc98c241d56e
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 235,
+  "inputs_tokens": 118167,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_based_on_the_previous_passage_r2/stats.train.json b/data/anli_based_on_the_previous_passage_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e537e3cb5811df45c0ba853b42c6e1b6ec1251a4
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 290,
+  "inputs_tokens": 5319683,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_based_on_the_previous_passage_r2/stats.validation.json b/data/anli_based_on_the_previous_passage_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..11b57f7a7ce5953cd10a5c2de780ed84ac99e044
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 207,
+  "inputs_tokens": 117623,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_based_on_the_previous_passage_r2/test.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f6e929b3e1df44d67e2bfdf5b602b24fe3a11450
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:45c579f5e185df281a5e70dff1f3922090c533f586802a0fc592d51d70ead2d9
+size 809810
diff --git a/data/anli_based_on_the_previous_passage_r2/train.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..452561dc94ac226348d82e3e02164ff817c2374f
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:efa385c5e5aff5b66823a4330b544756337d400fe5e2289155282900510a382f
+size 36563150
diff --git a/data/anli_based_on_the_previous_passage_r2/validation.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ff5e8435375706a480c44d9bfd1a3d37e1dc4001
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:af0cbfd3309d8de1bae4aaa65a16fdba76e0413db6e9b8f70aff3977f6d83f9a
+size 805066
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/COMPLETED b/data/anli_based_on_the_previous_passage_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/info.test.json b/data/anli_based_on_the_previous_passage_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/info.train.json b/data/anli_based_on_the_previous_passage_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/info.validation.json b/data/anli_based_on_the_previous_passage_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/stats.test.json b/data/anli_based_on_the_previous_passage_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ad35b5eb9ee24c90238f87b2bcc10263a09c955a
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 235,
+  "inputs_tokens": 354501,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/stats.train.json b/data/anli_based_on_the_previous_passage_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..bf9c4b5a08caf6c4b2198cf61994b13a25a1a2ee
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 290,
+  "inputs_tokens": 15959049,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/stats.validation.json b/data/anli_based_on_the_previous_passage_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..736cb9ac73c6e064d644b2f91b530aeaff6aa6c5
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 207,
+  "inputs_tokens": 352869,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2caaafa32ad7eea844521c018c7dfd2de05f310a
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dbc3bcad15c73607bf115afab31fde565ae10abec6f9d2e58921d70bff9df627
+size 2483047
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1ec23f5e99ed214c07d9051f87d06db9d99b9c01
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d6f7bf1d334ab026f9ba47bfb6715e559731a097dcebb8e964eb9c7bff666be1
+size 112180999
diff --git a/data/anli_based_on_the_previous_passage_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e3c9172e9a5a6632df3819e4389169c8199a1781
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:97f4398b35c0bf16ffcbaf9e53a8ee1bf057329cb5adac0e042f6f4f4005ac77
+size 2468815
diff --git a/data/anli_based_on_the_previous_passage_r3/COMPLETED b/data/anli_based_on_the_previous_passage_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_based_on_the_previous_passage_r3/info.test.json b/data/anli_based_on_the_previous_passage_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r3/info.train.json b/data/anli_based_on_the_previous_passage_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r3/info.validation.json b/data/anli_based_on_the_previous_passage_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r3/stats.test.json b/data/anli_based_on_the_previous_passage_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..24859c0914d097ed206184a38dd06c1cd7fe8e1c
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 305,
+  "inputs_tokens": 134373,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_based_on_the_previous_passage_r3/stats.train.json b/data/anli_based_on_the_previous_passage_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fea8b2b075f7344a4292b226c8f18c23d837f865
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 436,
+  "inputs_tokens": 11129125,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_based_on_the_previous_passage_r3/stats.validation.json b/data/anli_based_on_the_previous_passage_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..100ee37a12e8476bdefbdef731bf67c80c41d839
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 249,
+  "inputs_tokens": 134520,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_based_on_the_previous_passage_r3/test.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..51f568018480954552ec67bd9dddc05657a0f8d5
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:69a7553f5e5c5dc08d981e29ce094bf2fc45a6d472da0a604315792ae5cf0d53
+size 936157
diff --git a/data/anli_based_on_the_previous_passage_r3/train.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d91d42efa710e869bc2252e86e225c50bbcc78a4
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0a2045272365db358802c4c7e824987282e0153cbe74c1e4e6df2ada183ccd0c
+size 77847800
diff --git a/data/anli_based_on_the_previous_passage_r3/validation.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ed6aad1a71526b235d82acdb8a90c8ebd62ec574
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5c78a7d0bf29952786911373088082fa530724301153340e6070ffac184fddac
+size 939848
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/COMPLETED b/data/anli_based_on_the_previous_passage_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/info.test.json b/data/anli_based_on_the_previous_passage_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/info.train.json b/data/anli_based_on_the_previous_passage_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/info.validation.json b/data/anli_based_on_the_previous_passage_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/stats.test.json b/data/anli_based_on_the_previous_passage_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6416bbcc4fc0032ca623b748f3239206b6c10f3b
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 305,
+  "inputs_tokens": 403119,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/stats.train.json b/data/anli_based_on_the_previous_passage_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..86839003d75d1d42115102f9ae427bf0d2b6def2
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 436,
+  "inputs_tokens": 33387375,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/stats.validation.json b/data/anli_based_on_the_previous_passage_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..58eec133a01a3656862b4549e5e01fe2bea9e980
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 249,
+  "inputs_tokens": 403560,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c7b7c284f3c9e50a01014c88d281640245574b02
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5276bc5e06f2eef80fe9ddc733714ad85d8f219a6e86e0ac2730f33cdc74b062
+size 2872863
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..80a611e7c7d069aec52aa497c4d90a4b536439e2
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:576ae04b50bd50ef32f6b27e187cb07daa0536bcffe26be4031ef8780fb4bb1f
+size 239157985
diff --git a/data/anli_based_on_the_previous_passage_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_based_on_the_previous_passage_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7e2d8f0c7fb1653f23f09f4481bb0815b5058ced
--- /dev/null
+++ b/data/anli_based_on_the_previous_passage_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f480cb8b824fc5a61205031961cf90249ac091cc963759850f7219a06cda1a9e
+size 2883936
diff --git a/data/anli_can_we_infer_r1/COMPLETED b/data/anli_can_we_infer_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_can_we_infer_r1/info.test.json b/data/anli_can_we_infer_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_can_we_infer_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r1/info.train.json b/data/anli_can_we_infer_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_can_we_infer_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r1/info.validation.json b/data/anli_can_we_infer_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_can_we_infer_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r1/stats.test.json b/data/anli_can_we_infer_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c98871eca2cd0da16695de1f2848b84efd9dd66c
--- /dev/null
+++ b/data/anli_can_we_infer_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 212,
+  "inputs_tokens": 116324,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_can_we_infer_r1/stats.train.json b/data/anli_can_we_infer_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e17ac14197b10cae76eb34ee97a2196c35f646a7
--- /dev/null
+++ b/data/anli_can_we_infer_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 1963842,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_can_we_infer_r1/stats.validation.json b/data/anli_can_we_infer_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a9b81976934afec49ee133e58a7f5f49036fc182
--- /dev/null
+++ b/data/anli_can_we_infer_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 116549,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_can_we_infer_r1/test.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d0c7ef4e6574b12bdc7e016cd9865ca85fa76d50
--- /dev/null
+++ b/data/anli_can_we_infer_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:927a721d3e0b324b13c37a9e4ef9046e4c22152f140f9bea8473f65492d1f07e
+size 788769
diff --git a/data/anli_can_we_infer_r1/train.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b028fd8b73955a7cb1faffce96eb771d85a2fc08
--- /dev/null
+++ b/data/anli_can_we_infer_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e0f0209421cddaa97fe36965451066db58063dbaa5200ff229a34e8a7c77cce7
+size 13390315
diff --git a/data/anli_can_we_infer_r1/validation.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..df0d85571df5adabfe871afec735a2da24fd7821
--- /dev/null
+++ b/data/anli_can_we_infer_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a01e8a053017c12102286a380b07d5080aa85b7e72028f76b49c80d2a2a18231
+size 790231
diff --git a/data/anli_can_we_infer_r1_score_eval/COMPLETED b/data/anli_can_we_infer_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_can_we_infer_r1_score_eval/info.test.json b/data/anli_can_we_infer_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_can_we_infer_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r1_score_eval/info.train.json b/data/anli_can_we_infer_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_can_we_infer_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r1_score_eval/info.validation.json b/data/anli_can_we_infer_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_can_we_infer_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r1_score_eval/stats.test.json b/data/anli_can_we_infer_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..18b86d4f19e65785143c733eb42ff2a16eb56131
--- /dev/null
+++ b/data/anli_can_we_infer_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 212,
+  "inputs_tokens": 348972,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_can_we_infer_r1_score_eval/stats.train.json b/data/anli_can_we_infer_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7e26acee9f598f2f6eadd27f4ed02c2b3dad2db2
--- /dev/null
+++ b/data/anli_can_we_infer_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 5891526,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_can_we_infer_r1_score_eval/stats.validation.json b/data/anli_can_we_infer_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..27e672ab54afed116afb65a123994676870f3d08
--- /dev/null
+++ b/data/anli_can_we_infer_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 349647,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_can_we_infer_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dd02bc0757abc1b6ff8a78dc206a7491bd8d609f
--- /dev/null
+++ b/data/anli_can_we_infer_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8281affe3c0d6378e965eb5ea2404ca2ac29a4254e4c08d5a47302f58604aee8
+size 2416924
diff --git a/data/anli_can_we_infer_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..60cbffbd57872dc53f56c6fbe7f2d779316382f1
--- /dev/null
+++ b/data/anli_can_we_infer_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ec77b1da0c632f91bf86bc95a913fad605cbbdc7cc852861fdc7dd967b881dbc
+size 41024696
diff --git a/data/anli_can_we_infer_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..269cf5bc93c02f64a511764bde68479fee8c6669
--- /dev/null
+++ b/data/anli_can_we_infer_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0428d5015be9b05aa95e81217fd0e7d41472fc3522b78ffc8d4a3eb1b630823e
+size 2421310
diff --git a/data/anli_can_we_infer_r2/COMPLETED b/data/anli_can_we_infer_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_can_we_infer_r2/info.test.json b/data/anli_can_we_infer_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_can_we_infer_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r2/info.train.json b/data/anli_can_we_infer_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_can_we_infer_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r2/info.validation.json b/data/anli_can_we_infer_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_can_we_infer_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r2/stats.test.json b/data/anli_can_we_infer_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9f62b3fd7524e1478b81925cb709ae27e92695d6
--- /dev/null
+++ b/data/anli_can_we_infer_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 115167,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_can_we_infer_r2/stats.train.json b/data/anli_can_we_infer_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e268e54f3943ed0d276934272feb4d882dde7dc1
--- /dev/null
+++ b/data/anli_can_we_infer_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 5183303,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_can_we_infer_r2/stats.validation.json b/data/anli_can_we_infer_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1fc63fa25a5490a6516329f7d256fc57c1c8cec0
--- /dev/null
+++ b/data/anli_can_we_infer_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 204,
+  "inputs_tokens": 114623,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_can_we_infer_r2/test.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ceb3174b4184ce7e3bd358d2009a5cf3a3b33a49
--- /dev/null
+++ b/data/anli_can_we_infer_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:95653039d1dbf1a05fbcbe57dc43372b80db9e638c6dda5ee0223c4cd3867e20
+size 786807
diff --git a/data/anli_can_we_infer_r2/train.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..529165bf58b3838a16cf1b82d396997f278c4749
--- /dev/null
+++ b/data/anli_can_we_infer_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3712aa69ec538e04c7ffa65fc12fa50bb02b02712b020df3e8e97ea9801ee5f3
+size 35517224
diff --git a/data/anli_can_we_infer_r2/validation.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dc7188745d14d3bc6794355f4366b45c48f6f4eb
--- /dev/null
+++ b/data/anli_can_we_infer_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1ddde6c51c6ad11750b41557a0e81b906686df7a018a5b4aca16a888b2fbe5d1
+size 782057
diff --git a/data/anli_can_we_infer_r2_score_eval/COMPLETED b/data/anli_can_we_infer_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_can_we_infer_r2_score_eval/info.test.json b/data/anli_can_we_infer_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_can_we_infer_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r2_score_eval/info.train.json b/data/anli_can_we_infer_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_can_we_infer_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r2_score_eval/info.validation.json b/data/anli_can_we_infer_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_can_we_infer_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r2_score_eval/stats.test.json b/data/anli_can_we_infer_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..786d8035f0b4c09ab408ef5c211e38f9009a101d
--- /dev/null
+++ b/data/anli_can_we_infer_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 345501,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_can_we_infer_r2_score_eval/stats.train.json b/data/anli_can_we_infer_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0836aecd92453039f1a5761a1600ad45b6f36a03
--- /dev/null
+++ b/data/anli_can_we_infer_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 15549909,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_can_we_infer_r2_score_eval/stats.validation.json b/data/anli_can_we_infer_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e796f0e8ea5cb994ab4d3a53a575f73b6d302f3b
--- /dev/null
+++ b/data/anli_can_we_infer_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 204,
+  "inputs_tokens": 343869,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_can_we_infer_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ee99e0eefe482d61ffe6f767e11dc87684c5dd37
--- /dev/null
+++ b/data/anli_can_we_infer_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:412309845ece8299dc0792fc68a4df7c60be74831a81c88e09d00107f8db951f
+size 2411038
diff --git a/data/anli_can_we_infer_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..11b469cd898cecf27ea751411c1c35aee8742c2d
--- /dev/null
+++ b/data/anli_can_we_infer_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:393bac8d5156713b8152531d9716d59c55000a2b7182a3f659cb6d4424528573
+size 108906841
diff --git a/data/anli_can_we_infer_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1cda2c45bc0baebe5de0decaf0ab099493c5510c
--- /dev/null
+++ b/data/anli_can_we_infer_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c468dd0ac86ebcd3a35155b74f8f8e5a79798163e75c54281489d63eea14fa26
+size 2396788
diff --git a/data/anli_can_we_infer_r3/COMPLETED b/data/anli_can_we_infer_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_can_we_infer_r3/info.test.json b/data/anli_can_we_infer_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_can_we_infer_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r3/info.train.json b/data/anli_can_we_infer_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_can_we_infer_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r3/info.validation.json b/data/anli_can_we_infer_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_can_we_infer_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r3/stats.test.json b/data/anli_can_we_infer_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..820ca3fc135f6b6b2684039bc75a1ea726ddc360
--- /dev/null
+++ b/data/anli_can_we_infer_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 302,
+  "inputs_tokens": 130773,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_can_we_infer_r3/stats.train.json b/data/anli_can_we_infer_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6e4a02bdb1cb38c0813914aa646fba4439607e44
--- /dev/null
+++ b/data/anli_can_we_infer_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 433,
+  "inputs_tokens": 10827748,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_can_we_infer_r3/stats.validation.json b/data/anli_can_we_infer_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4238975e5b52c76c0186f3346ad636b113597b36
--- /dev/null
+++ b/data/anli_can_we_infer_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 246,
+  "inputs_tokens": 130920,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_can_we_infer_r3/test.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b209931b2cc3e0aec67ee9f851c26f9061ac7438
--- /dev/null
+++ b/data/anli_can_we_infer_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eb7cffcb2a4e6bb854dafe4181ec2d37992fb50d964e70bbe7a8503b09414bfc
+size 908461
diff --git a/data/anli_can_we_infer_r3/train.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b98ad1d9b93cec8ca8b608c544457ae87b69454b
--- /dev/null
+++ b/data/anli_can_we_infer_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b7b31e999aff40b3ddea8c3e8170b1b603ad1bfe6e545bb2f12da429b1382f51
+size 75529037
diff --git a/data/anli_can_we_infer_r3/validation.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3d08e2c52775d953438cd74695fe95aba0e88fc0
--- /dev/null
+++ b/data/anli_can_we_infer_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f9fa7789bd7fbc7d14a9bd8f92302aa4c519a0e76f9f9e2f386861998f18612e
+size 912163
diff --git a/data/anli_can_we_infer_r3_score_eval/COMPLETED b/data/anli_can_we_infer_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_can_we_infer_r3_score_eval/info.test.json b/data/anli_can_we_infer_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_can_we_infer_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r3_score_eval/info.train.json b/data/anli_can_we_infer_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_can_we_infer_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r3_score_eval/info.validation.json b/data/anli_can_we_infer_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_can_we_infer_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_can_we_infer_r3_score_eval/stats.test.json b/data/anli_can_we_infer_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..bed99bd91667106820f2cceda62d6a7bd990348c
--- /dev/null
+++ b/data/anli_can_we_infer_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 302,
+  "inputs_tokens": 392319,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_can_we_infer_r3_score_eval/stats.train.json b/data/anli_can_we_infer_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f44e762522d38be984fe5a955a778410ff5c5634
--- /dev/null
+++ b/data/anli_can_we_infer_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 433,
+  "inputs_tokens": 32483244,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_can_we_infer_r3_score_eval/stats.validation.json b/data/anli_can_we_infer_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..800cdcf3f12e03fcf68145bdddc16ea520c99dc4
--- /dev/null
+++ b/data/anli_can_we_infer_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 246,
+  "inputs_tokens": 392760,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_can_we_infer_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3d0bacb8108dc257b955edfe26a7030ec71c4806
--- /dev/null
+++ b/data/anli_can_we_infer_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:17579c36b6ce38ce8b03f6ce5f362678ba5175281c93b24fff6b0917321c2945
+size 2786175
diff --git a/data/anli_can_we_infer_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f203479448078194568a71aae0e4e28d05d8f208
--- /dev/null
+++ b/data/anli_can_we_infer_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3d8000786c60e200500676f9acab62d93786bba26c27a4e53144d0a6ee12f76a
+size 231900319
diff --git a/data/anli_can_we_infer_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_can_we_infer_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..97df898caf904510b27000d474a458fe1d27e6a4
--- /dev/null
+++ b/data/anli_can_we_infer_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:07e35a99a317702629db2717cfba6737c6b51bba75fbbb543a02343f0491994f
+size 2797281
diff --git a/data/anli_claim_true_false_inconclusive_r1/COMPLETED b/data/anli_claim_true_false_inconclusive_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_claim_true_false_inconclusive_r1/info.test.json b/data/anli_claim_true_false_inconclusive_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1/info.train.json b/data/anli_claim_true_false_inconclusive_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1/info.validation.json b/data/anli_claim_true_false_inconclusive_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1/stats.test.json b/data/anli_claim_true_false_inconclusive_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0d7e876d88ec00bc2a08f432a7bfa9577391b878
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 217,
+  "inputs_tokens": 121324,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2998
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1/stats.train.json b/data/anli_claim_true_false_inconclusive_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d1771f7db5dcc44bb7f2176be897c1b06b9aa925
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 224,
+  "inputs_tokens": 2048572,
+  "targets_max_tokens": 5,
+  "targets_tokens": 54200
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1/stats.validation.json b/data/anli_claim_true_false_inconclusive_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..bb39cc0d88b65d1259a686c6681873c29236510b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 216,
+  "inputs_tokens": 121549,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2998
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1/test.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d8ce118ce63888c81ce19c4cb72f22ce42fe99ad
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5cbf5c05604b8b49ed3ceab71b589c5f54439d6776505d3f6d356bcd2f18d0b8
+size 836103
diff --git a/data/anli_claim_true_false_inconclusive_r1/train.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..32f06342149f5aa04ed40048eb3b87dc85f51a08
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:38173c5547506af0a9c12bc8d32222a0afb529649e575f90a8306cbe35debfe0
+size 14204870
diff --git a/data/anli_claim_true_false_inconclusive_r1/validation.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9fe425e599c0979c062bf0196c9094d27e8eb189
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d1b7e86e6c8eabdf31fd5093db04675596ec5e6ba99b25419b51c6a8b77b21d0
+size 837571
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/COMPLETED b/data/anli_claim_true_false_inconclusive_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/info.test.json b/data/anli_claim_true_false_inconclusive_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/info.train.json b/data/anli_claim_true_false_inconclusive_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/info.validation.json b/data/anli_claim_true_false_inconclusive_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/stats.test.json b/data/anli_claim_true_false_inconclusive_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c7482f4fb3b4b12605bdf005eee171e93efc1846
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 217,
+  "inputs_tokens": 363972,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9000
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/stats.train.json b/data/anli_claim_true_false_inconclusive_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ed239a66d67231199a415a0e6f3773ad0873fc4e
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 224,
+  "inputs_tokens": 6145716,
+  "targets_max_tokens": 5,
+  "targets_tokens": 152514
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/stats.validation.json b/data/anli_claim_true_false_inconclusive_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..57616ca5449347c9061e91942b2dcd5648e2c9a4
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 216,
+  "inputs_tokens": 364647,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9000
+}
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6939a35af61d98e64531153d741e42aab53e1f36
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ec9b9be7bcc896146197a3df95ea1d221786ae773d2141963dd60a247a238356
+size 2528942
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cf6a758d85427ac9a7ff2812a599e5d4692a1f0e
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:30e9b1aea91f755bc5c6b1ed7f6d3db30b969f0250f416ee98b4eafc35ca6e76
+size 42922969
diff --git a/data/anli_claim_true_false_inconclusive_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ff34c6e99adb37c98f694e8c54b09de3d82776f7
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:92330005a2a7a2182730888e7b411cc0bdce44ced0c3ab40b1d7612bf6f1b54f
+size 2533346
diff --git a/data/anli_claim_true_false_inconclusive_r2/COMPLETED b/data/anli_claim_true_false_inconclusive_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_claim_true_false_inconclusive_r2/info.test.json b/data/anli_claim_true_false_inconclusive_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2/info.train.json b/data/anli_claim_true_false_inconclusive_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2/info.validation.json b/data/anli_claim_true_false_inconclusive_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2/stats.test.json b/data/anli_claim_true_false_inconclusive_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2319abca99628989359934bbb13179fb118dc5ea
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 237,
+  "inputs_tokens": 120167,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2998
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2/stats.train.json b/data/anli_claim_true_false_inconclusive_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3dd2455e6cc90c12aa342bc0d228883580df0f54
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 292,
+  "inputs_tokens": 5410603,
+  "targets_max_tokens": 5,
+  "targets_tokens": 149402
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2/stats.validation.json b/data/anli_claim_true_false_inconclusive_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..23deee1a2d4f99f0888da6e46fc4a43eabb8d49b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 209,
+  "inputs_tokens": 119623,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2998
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2/test.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b854a3a0a9be3e623ca450b5efcee28337d56aa0
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0f8cc0772a0e50ecf42ad86631a63aef075bfe5a6725957318159c2ddf8fcb12
+size 834144
diff --git a/data/anli_claim_true_false_inconclusive_r2/train.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..59bc7cd62a7c0663b858f3d8399b8aeeb619e957
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3dc1a79357a2b7de44f7c17d58de45acf6f5619f3f473e0ee6bce5f16569ac54
+size 37718774
diff --git a/data/anli_claim_true_false_inconclusive_r2/validation.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..69ed6bdf4f6934817b9cd89f32ba1a77a771773c
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b38036eab9faadaec3a0e792e7b4ec68637544a893ee73360a3f6177d42aff32
+size 829397
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/COMPLETED b/data/anli_claim_true_false_inconclusive_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/info.test.json b/data/anli_claim_true_false_inconclusive_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/info.train.json b/data/anli_claim_true_false_inconclusive_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/info.validation.json b/data/anli_claim_true_false_inconclusive_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/stats.test.json b/data/anli_claim_true_false_inconclusive_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..efc48d5f25c1fe654e987d91aa958817f0248636
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 237,
+  "inputs_tokens": 360501,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9000
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/stats.train.json b/data/anli_claim_true_false_inconclusive_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..150a8fbecea796b6c55f90c506a7ca4efbc700c9
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 292,
+  "inputs_tokens": 16231809,
+  "targets_max_tokens": 5,
+  "targets_tokens": 409140
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/stats.validation.json b/data/anli_claim_true_false_inconclusive_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..45e1b764f1450cdb24e9f4d6aa96be9fab5344cf
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 209,
+  "inputs_tokens": 358869,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9000
+}
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7851968e2220fb322921b6e065de4883811db63e
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:585cd3f3682139a2eda328d899ec0f7906c58f875ef2793d4cadd83bf187396c
+size 2523065
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7905a9437becad179518dd7fb7a9c0b2e0152c96
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1d1bb01ff4ed31876032444b8211f7ad8c051485827eb46bd74c6b2fc12d36cb
+size 113999891
diff --git a/data/anli_claim_true_false_inconclusive_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a0cd3f690132a0de97d7913142f6f745cf1e50d9
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bbff292cdb1e6731182d3b34d8f889467d8e521289b74ed3a2a1e2e76efe3a4e
+size 2508824
diff --git a/data/anli_claim_true_false_inconclusive_r3/COMPLETED b/data/anli_claim_true_false_inconclusive_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_claim_true_false_inconclusive_r3/info.test.json b/data/anli_claim_true_false_inconclusive_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3/info.train.json b/data/anli_claim_true_false_inconclusive_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3/info.validation.json b/data/anli_claim_true_false_inconclusive_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3/stats.test.json b/data/anli_claim_true_false_inconclusive_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7cdc2e0f94fcdfa49713decd571991abeb4f08f6
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 307,
+  "inputs_tokens": 136773,
+  "targets_max_tokens": 5,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3/stats.train.json b/data/anli_claim_true_false_inconclusive_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..56440a5d27776870d0142377cd07ff83bfee3b60
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 438,
+  "inputs_tokens": 11330043,
+  "targets_max_tokens": 5,
+  "targets_tokens": 318349
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3/stats.validation.json b/data/anli_claim_true_false_inconclusive_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..337f316d3f94e8e5fdb4e8878eac54607b8430c7
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 251,
+  "inputs_tokens": 136920,
+  "targets_max_tokens": 5,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3/test.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2c05e3990f887a3bdc1d86699401955af041ddba
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:38a4ed04399e27bc358888cf9decf5682ae82cba626319f9eae377b584066293
+size 965452
diff --git a/data/anli_claim_true_false_inconclusive_r3/train.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5fb7495f4e2d9fd6100f13f9ff0f5846f609acf6
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5d1e678d1b443aac070c3480df38bab5bf093f5ca210e3eddae799682f125e40
+size 80362504
diff --git a/data/anli_claim_true_false_inconclusive_r3/validation.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..958a27642d3e6e46e868c70e7746d2b93c9c3957
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ae1bde2d4f1c7c418e2b2e50326d6197eaa713ca9cb2936356fd232c9dfa5516
+size 969142
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/COMPLETED b/data/anli_claim_true_false_inconclusive_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/info.test.json b/data/anli_claim_true_false_inconclusive_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/info.train.json b/data/anli_claim_true_false_inconclusive_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/info.validation.json b/data/anli_claim_true_false_inconclusive_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/stats.test.json b/data/anli_claim_true_false_inconclusive_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7a335993ad15a6f1b8c49b0d462ff79d1121b3c5
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 307,
+  "inputs_tokens": 410319,
+  "targets_max_tokens": 5,
+  "targets_tokens": 10800
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/stats.train.json b/data/anli_claim_true_false_inconclusive_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..de8d1e6c32d89255f0dbae7b116519e217dadb9d
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 438,
+  "inputs_tokens": 33990129,
+  "targets_max_tokens": 5,
+  "targets_tokens": 904131
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/stats.validation.json b/data/anli_claim_true_false_inconclusive_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..677d748c52e7aa7af994e617663cc0339284b214
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 251,
+  "inputs_tokens": 410760,
+  "targets_max_tokens": 5,
+  "targets_tokens": 10800
+}
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3f247bb40570dd2b5012ab786d90c156b4aaab82
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f7e7f782c7f89d06b7f0f19b010b2c694c8f5f5432a3816bdb22dd691f3eea7f
+size 2921124
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a4859a95a1a36ca5db12d7522a6e782d54e5fa5b
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:af1d07abeba46cd305acd938a8b2d232cc61d674964bb245f42ec491fdfcbbfb
+size 243197618
diff --git a/data/anli_claim_true_false_inconclusive_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_claim_true_false_inconclusive_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..be430f808c659949ec1271e9b08d078648e722f7
--- /dev/null
+++ b/data/anli_claim_true_false_inconclusive_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c6e3afcfba4aacdd6e93b4d7fff552f42f0c002d563b775cb5ddbf454c57032b
+size 2932194
diff --git a/data/anli_consider_always_sometimes_never_r1/COMPLETED b/data/anli_consider_always_sometimes_never_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_consider_always_sometimes_never_r1/info.test.json b/data/anli_consider_always_sometimes_never_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r1/info.train.json b/data/anli_consider_always_sometimes_never_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r1/info.validation.json b/data/anli_consider_always_sometimes_never_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r1/stats.test.json b/data/anli_consider_always_sometimes_never_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..3df7c23d3b401b66190250c8234efdc671c060a3
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 217,
+  "inputs_tokens": 120165,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_consider_always_sometimes_never_r1/stats.train.json b/data/anli_consider_always_sometimes_never_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..95ff875b6c1e0d18c8b135775f79b8104b37d0b0
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 222,
+  "inputs_tokens": 2029739,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_consider_always_sometimes_never_r1/stats.validation.json b/data/anli_consider_always_sometimes_never_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1de8544a995c6c07ef35247e080735dd00efdd18
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 120428,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_consider_always_sometimes_never_r1/test.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8c6ae98d4f02b7768176dfb330ba5a60101df468
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9ef67b3bc751c6c11334fd933718ed38b6fef9caca75ea0ea00e7671191ad186
+size 847730
diff --git a/data/anli_consider_always_sometimes_never_r1/train.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..83ccf9b7e4619b3bf2b77b7217ebb04958c73527
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e48325790037e17d85b62992452a69881f8b93383b7160663c1b9e9ed4a858e1
+size 14391285
diff --git a/data/anli_consider_always_sometimes_never_r1/validation.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..269e849ed835c42d74bd65fbc83912ad09531890
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c6948d35168293e3a1d19302684e923d8342a82fdbd27ed97cfe480943760ef5
+size 849236
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/COMPLETED b/data/anli_consider_always_sometimes_never_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/info.test.json b/data/anli_consider_always_sometimes_never_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/info.train.json b/data/anli_consider_always_sometimes_never_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/info.validation.json b/data/anli_consider_always_sometimes_never_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/stats.test.json b/data/anli_consider_always_sometimes_never_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6566ebf35f4fee6bd773ffc974f8b11cabcdcf02
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 217,
+  "inputs_tokens": 360495,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/stats.train.json b/data/anli_consider_always_sometimes_never_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..115e4bd3f473421b5dcf4077f4a4578d7643da2e
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 222,
+  "inputs_tokens": 6089217,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/stats.validation.json b/data/anli_consider_always_sometimes_never_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..51f1b40e2ca22eec2cd54367683c849da1245afd
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 361284,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0d8ae58101ada60ed77d0f2c9b52960c96d8ab09
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d311fe1003b69a1112f5c4fb895c6e660c3929ed77d32bc0a878a24b8f00c96b
+size 2566808
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e940e58eba06dc155ff9f5568b15fe5edd455e0a
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8d1a51079871837d2f652c2badeb99dcb1779ff3120c37ba22691cb8c9289fe6
+size 43565854
diff --git a/data/anli_consider_always_sometimes_never_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e983ce19a728bbcce73a0b15766ad1de392449eb
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6db7c824d28dfaa55c588fe341eb9afc166b532366cd16af8579dc79609187fd
+size 2571326
diff --git a/data/anli_consider_always_sometimes_never_r2/COMPLETED b/data/anli_consider_always_sometimes_never_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_consider_always_sometimes_never_r2/info.test.json b/data/anli_consider_always_sometimes_never_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r2/info.train.json b/data/anli_consider_always_sometimes_never_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r2/info.validation.json b/data/anli_consider_always_sometimes_never_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r2/stats.test.json b/data/anli_consider_always_sometimes_never_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e45286a3eb3f14a12a3952648b89cef096b18fce
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 234,
+  "inputs_tokens": 118996,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_consider_always_sometimes_never_r2/stats.train.json b/data/anli_consider_always_sometimes_never_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..09e14bdea730704fa53377b576158f9827b54f72
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 5358804,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_consider_always_sometimes_never_r2/stats.validation.json b/data/anli_consider_always_sometimes_never_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e2e8fb870135902c511e1ed406cf795f24f903f7
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 209,
+  "inputs_tokens": 118434,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_consider_always_sometimes_never_r2/test.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f38ffd7b1674178bb86573b3aeb26ee426a00c35
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:29e934da3fb5b13a457715841b0ed2576f34073806f4068543ba580b2b8f83f2
+size 845789
diff --git a/data/anli_consider_always_sometimes_never_r2/train.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d34a81102620dc46447f21f977461a58a513d735
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:240a75d4acf6f46e4e96515d0a45e3dccbf570585e6ac5f97e7e75e12696f479
+size 38207718
diff --git a/data/anli_consider_always_sometimes_never_r2/validation.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d58ce0cc8e8844dffe14b9d697649a3c730be940
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bec0166d4eb605784947bf4ef005e6e9e77cb76482c1c4350f268205a1f11682
+size 841014
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/COMPLETED b/data/anli_consider_always_sometimes_never_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/info.test.json b/data/anli_consider_always_sometimes_never_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/info.train.json b/data/anli_consider_always_sometimes_never_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/info.validation.json b/data/anli_consider_always_sometimes_never_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/stats.test.json b/data/anli_consider_always_sometimes_never_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1f45a35a1455f6540b3e9c0354ed2db354d07e7b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 234,
+  "inputs_tokens": 356988,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/stats.train.json b/data/anli_consider_always_sometimes_never_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a858ff7e4e2175129181126d4849389d457aff0a
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 16076412,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/stats.validation.json b/data/anli_consider_always_sometimes_never_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d8a3ce7d5be6b8c3a644228108cc7d958038ac40
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 209,
+  "inputs_tokens": 355302,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e5ad175dbb308232d943e26695ce9c8c2dfff8b4
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c53387253225fae7a1f6dfa45096ad841cfded1bc3850f86a3c3fc513da26540
+size 2560985
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f879a1ce6e1f5b1d82fc0c70110749b3a90cb357
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:090b06a8d7319692b388e344357c0fa13006b2142f7158793d483f304b3e6d5f
+size 115733486
diff --git a/data/anli_consider_always_sometimes_never_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6453a460f59f0e335eaa0cda0deb23401504a2fa
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:92d5ad85c4aa0eb80959df6cc3a1b92527d762ac039f22a5968ec84aea5ed911
+size 2546660
diff --git a/data/anli_consider_always_sometimes_never_r3/COMPLETED b/data/anli_consider_always_sometimes_never_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_consider_always_sometimes_never_r3/info.test.json b/data/anli_consider_always_sometimes_never_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r3/info.train.json b/data/anli_consider_always_sometimes_never_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r3/info.validation.json b/data/anli_consider_always_sometimes_never_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r3/stats.test.json b/data/anli_consider_always_sometimes_never_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..74935cd9f107158673270af124fbb2c2b2b5c40a
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 305,
+  "inputs_tokens": 135507,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_consider_always_sometimes_never_r3/stats.train.json b/data/anli_consider_always_sometimes_never_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e6d74fd36f385b08741103ea04560aed9f5aca53
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 437,
+  "inputs_tokens": 11222575,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_consider_always_sometimes_never_r3/stats.validation.json b/data/anli_consider_always_sometimes_never_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b5237f1a7a27c3d6a25287c7fac158325a38daab
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 250,
+  "inputs_tokens": 135727,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_consider_always_sometimes_never_r3/test.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3c01bf07e393c425827804ffd3538f4b4d97e01a
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e0fd2cd611ea96faa02021a0e4b90abe566edcf1333f6e637315affd61d85ab2
+size 979613
diff --git a/data/anli_consider_always_sometimes_never_r3/train.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bfbff3dc5d8df9d56dbdef31f7b3d0e5dac4a35b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:14e66de169a3a744d4c322c4a620aea9ef4321ab489b45989012edec124b72a4
+size 81490666
diff --git a/data/anli_consider_always_sometimes_never_r3/validation.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..df4bed5a5241211bea55b6e4ef01a083958d9ad4
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:832c01b971973c77bb6d11a2fdfdc00d153a7c2c8580c8d90f4b6fe190165925
+size 983324
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/COMPLETED b/data/anli_consider_always_sometimes_never_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/info.test.json b/data/anli_consider_always_sometimes_never_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/info.train.json b/data/anli_consider_always_sometimes_never_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/info.validation.json b/data/anli_consider_always_sometimes_never_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/stats.test.json b/data/anli_consider_always_sometimes_never_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0956b09bcaa342b850f190b9148f36a5a3d2b754
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 305,
+  "inputs_tokens": 406521,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/stats.train.json b/data/anli_consider_always_sometimes_never_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..660b776c1f3f72083dbaaae433bd906b5c5689ba
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 437,
+  "inputs_tokens": 33667725,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/stats.validation.json b/data/anli_consider_always_sometimes_never_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..168af3e5ddcaf5b10f06d9e32e081d215e422043
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 250,
+  "inputs_tokens": 407181,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9ad4a7eee96bef1b8d7b61bde15e1cff03ac3762
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f7f74d207651487c3c8c129fb341f27d63bd4a6dd2d63a14cafc37c3102ce868
+size 2967225
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f7137475200b7fca9bcf9737ef20f35b0d4706b5
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3552cfe5c9f51070ade035e8d36c682491e3d3c468c78d225d7de5bcde1d3f68
+size 247050938
diff --git a/data/anli_consider_always_sometimes_never_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_consider_always_sometimes_never_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1b890d5be295d6e22d5e4cb1a6fabbed805d27a7
--- /dev/null
+++ b/data/anli_consider_always_sometimes_never_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fbebb511406645d55d2162720d5b36f7ca0fe2cada208c0b5757babe422ad7df
+size 2978358
diff --git a/data/anli_does_it_follow_that_r1/COMPLETED b/data/anli_does_it_follow_that_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_it_follow_that_r1/info.test.json b/data/anli_does_it_follow_that_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r1/info.train.json b/data/anli_does_it_follow_that_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r1/info.validation.json b/data/anli_does_it_follow_that_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r1/stats.test.json b/data/anli_does_it_follow_that_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..75f2431674fc26055a89e6775d186a433e1c22ed
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 209,
+  "inputs_tokens": 112165,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_does_it_follow_that_r1/stats.train.json b/data/anli_does_it_follow_that_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..302568e00d364bc16826982c72a9c0412b21a34a
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 1894171,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_does_it_follow_that_r1/stats.validation.json b/data/anli_does_it_follow_that_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4866a4c9a614a4313ab27613cfa119e408af3828
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 206,
+  "inputs_tokens": 112428,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_does_it_follow_that_r1/test.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f479b294da2993b89f844426342f01e9e9850213
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:acb26f243881b988baeb17b7342f9165de81e1c8cfa4adb6f12dbbaad4cef68b
+size 783359
diff --git a/data/anli_does_it_follow_that_r1/train.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..117169e008ad57ea6722376e240101bedaea22d8
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0eb4ebb263490b00c223cde068bdd5e068a0e6e3fccef2bc27ba8b5baf178244
+size 13299197
diff --git a/data/anli_does_it_follow_that_r1/validation.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..51cef313a995cd95e21ed2ecbfcb14fac02aa4b3
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:48e88df8a64a9b3cc6da996782985cafaeb2cc572f63f2a1b4055ea4ab13ab81
+size 784866
diff --git a/data/anli_does_it_follow_that_r1_score_eval/COMPLETED b/data/anli_does_it_follow_that_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_it_follow_that_r1_score_eval/info.test.json b/data/anli_does_it_follow_that_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r1_score_eval/info.train.json b/data/anli_does_it_follow_that_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r1_score_eval/info.validation.json b/data/anli_does_it_follow_that_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r1_score_eval/stats.test.json b/data/anli_does_it_follow_that_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..3e8c96e0225eb0852835501a2867edb0274f9059
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 209,
+  "inputs_tokens": 336495,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_does_it_follow_that_r1_score_eval/stats.train.json b/data/anli_does_it_follow_that_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..adb2e82938f9f57bb654c84d8f98fad3c2d239b8
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 5682513,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_does_it_follow_that_r1_score_eval/stats.validation.json b/data/anli_does_it_follow_that_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..292c9512ab39dc3d7a5ca9fa90fa5926627251e3
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 206,
+  "inputs_tokens": 337284,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_does_it_follow_that_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e27300afb3ef904b2b76f32ccc6a05a4f230554
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:12c673953532de7bfb10adcf493a6765b71f65e420658e83c3747a4b1ea5ab9a
+size 2403694
diff --git a/data/anli_does_it_follow_that_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fc4c8f918a07723d94c377182ac787b1197b7f5a
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:133037a58ce4ddfe7ee958db70c785bec7634c09789b6fef7d22d2b5a2dc6d1a
+size 40802180
diff --git a/data/anli_does_it_follow_that_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5aa710fe56e74cd9d14a7747f76c5651de7d9e07
--- /dev/null
+++ b/data/anli_does_it_follow_that_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:07bccf32471148a632289ba5fb2597314dc95f5f2779eb4be47ceb6a781a38b2
+size 2408215
diff --git a/data/anli_does_it_follow_that_r2/COMPLETED b/data/anli_does_it_follow_that_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_it_follow_that_r2/info.test.json b/data/anli_does_it_follow_that_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r2/info.train.json b/data/anli_does_it_follow_that_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r2/info.validation.json b/data/anli_does_it_follow_that_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r2/stats.test.json b/data/anli_does_it_follow_that_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..340a475842128aae90aaf1b9747ecc6111e6f798
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 226,
+  "inputs_tokens": 110996,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_does_it_follow_that_r2/stats.train.json b/data/anli_does_it_follow_that_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8123d0896f62fa2633ce432c8f94d382068f0661
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 281,
+  "inputs_tokens": 4995124,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_does_it_follow_that_r2/stats.validation.json b/data/anli_does_it_follow_that_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f678a8f9f41674ee2e690ac5c50ea245fc302df2
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 201,
+  "inputs_tokens": 110434,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_does_it_follow_that_r2/test.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88e1c12f9c42b9688dcc7b09169c97ac822cfdf6
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b5ef630a9ce09844a6a9e5b7e18c1c984309cb03915dcb111bf38a4be8926293
+size 781433
diff --git a/data/anli_does_it_follow_that_r2/train.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d41d39b27d3a0b3f4a06d0f739f782249d2962d3
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2947fbf195047d30fc95525852ff03f6a86090f80a8b7eae6d1b2f06d2d5c2be
+size 35275200
diff --git a/data/anli_does_it_follow_that_r2/validation.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4ec4a5e0b570895fb9ebf55bd77b9c80480d6c43
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ded9392f0ced9f13f962b84feeda88685d3fd274421293f3ef0302f1134e058b
+size 776636
diff --git a/data/anli_does_it_follow_that_r2_score_eval/COMPLETED b/data/anli_does_it_follow_that_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_it_follow_that_r2_score_eval/info.test.json b/data/anli_does_it_follow_that_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r2_score_eval/info.train.json b/data/anli_does_it_follow_that_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r2_score_eval/info.validation.json b/data/anli_does_it_follow_that_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r2_score_eval/stats.test.json b/data/anli_does_it_follow_that_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b775230ad55835f934c1417d65858a34f374635f
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 226,
+  "inputs_tokens": 332988,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_does_it_follow_that_r2_score_eval/stats.train.json b/data/anli_does_it_follow_that_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1cd02cf8e02f1159cfbb09bda6cf59e030c2075e
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 281,
+  "inputs_tokens": 14985372,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_does_it_follow_that_r2_score_eval/stats.validation.json b/data/anli_does_it_follow_that_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3c794e36d7e7c1cc6e79474a94ce0e9ac3995b1c
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 201,
+  "inputs_tokens": 331302,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_does_it_follow_that_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..18f2db421437e53fe6d5d7e82af3aa3ed6bfa855
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8002dbd902e62663223ee897d1f5d2300dc8f8093d395861219d19c76b84e89f
+size 2397916
diff --git a/data/anli_does_it_follow_that_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8b0d1691d8edab6cdd59d45011881f3997cb26b8
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bba08689e472a1ad931ad865e8f71523ab9d2cd382415221675dd4346be298a8
+size 108317149
diff --git a/data/anli_does_it_follow_that_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..09346ce46169abda1e6573881c505584df6dffe5
--- /dev/null
+++ b/data/anli_does_it_follow_that_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8a3687f3e545ed3dc47110db84fd99db827a4c8379a119bcd6d64d4cba040400
+size 2383525
diff --git a/data/anli_does_it_follow_that_r3/COMPLETED b/data/anli_does_it_follow_that_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_it_follow_that_r3/info.test.json b/data/anli_does_it_follow_that_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r3/info.train.json b/data/anli_does_it_follow_that_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r3/info.validation.json b/data/anli_does_it_follow_that_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r3/stats.test.json b/data/anli_does_it_follow_that_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2da6cb7f15c6a807b6f3052695b3d4f6a9a8762c
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 297,
+  "inputs_tokens": 125907,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_does_it_follow_that_r3/stats.train.json b/data/anli_does_it_follow_that_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7a01ea48bd65f2a6b9b6f45eec9b0ba1f5f04332
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 429,
+  "inputs_tokens": 10418903,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_does_it_follow_that_r3/stats.validation.json b/data/anli_does_it_follow_that_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..cb76d038b7730e83893242632ddf89a882499b81
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 242,
+  "inputs_tokens": 126127,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_does_it_follow_that_r3/test.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fc5cadcdf9b5e3e5bab3ec05c18a4e9ab538529b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d2bc978deb969bd2b404939dfaec712854a41b3724b0a03a15e76bb120d27761
+size 901959
diff --git a/data/anli_does_it_follow_that_r3/train.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a4ad23a71249f0213356dcd84e6373ae771536fb
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b72de435e257ec15a2da85e5ad9725e566b205c209304f1320ca1caa67cd90be
+size 74984993
diff --git a/data/anli_does_it_follow_that_r3/validation.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7877f3b6f8abdae54fc7b92691fae23fd1afd0f2
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5c1b69bbbc2c02441ebcf3f31f197fdc52abb4fb511f1bc9f7c349933d61a8ab
+size 905730
diff --git a/data/anli_does_it_follow_that_r3_score_eval/COMPLETED b/data/anli_does_it_follow_that_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_it_follow_that_r3_score_eval/info.test.json b/data/anli_does_it_follow_that_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r3_score_eval/info.train.json b/data/anli_does_it_follow_that_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r3_score_eval/info.validation.json b/data/anli_does_it_follow_that_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_it_follow_that_r3_score_eval/stats.test.json b/data/anli_does_it_follow_that_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a67f45310a0e4bc893c446a159381d728fc67a10
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 297,
+  "inputs_tokens": 377721,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_does_it_follow_that_r3_score_eval/stats.train.json b/data/anli_does_it_follow_that_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b5fd1b8eb6d8b15da661b00d23af8e908bbee6cb
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 429,
+  "inputs_tokens": 31256709,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_does_it_follow_that_r3_score_eval/stats.validation.json b/data/anli_does_it_follow_that_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3ddf634030123abc452b2987ed42c6657df13674
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 242,
+  "inputs_tokens": 378381,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_does_it_follow_that_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5eeb908ce297bac9dd487410dffa23f39ec01135
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ef36cd0ef84056218be0ce4c1c172ef751311ea63d17877ea493a1d22bf230bb
+size 2770269
diff --git a/data/anli_does_it_follow_that_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d732c5b39aa505012fcaa8e06a43af517ae4e95a
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9651912a33826286690d83ffa35c5422f95ab4f4ee22586611fbf9ecc2547998
+size 230569564
diff --git a/data/anli_does_it_follow_that_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_does_it_follow_that_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3b4c955c87acdb7eb4819a2485d0726fe1d79ee4
--- /dev/null
+++ b/data/anli_does_it_follow_that_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9643e606fc8659b6f31972203e3f1872eb2ffee6d0bba5b57fdf36cba771bdd3
+size 2781582
diff --git a/data/anli_does_this_imply_r1/COMPLETED b/data/anli_does_this_imply_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_this_imply_r1/info.test.json b/data/anli_does_this_imply_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_this_imply_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r1/info.train.json b/data/anli_does_this_imply_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_this_imply_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r1/info.validation.json b/data/anli_does_this_imply_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_this_imply_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r1/stats.test.json b/data/anli_does_this_imply_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c98871eca2cd0da16695de1f2848b84efd9dd66c
--- /dev/null
+++ b/data/anli_does_this_imply_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 212,
+  "inputs_tokens": 116324,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_does_this_imply_r1/stats.train.json b/data/anli_does_this_imply_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e17ac14197b10cae76eb34ee97a2196c35f646a7
--- /dev/null
+++ b/data/anli_does_this_imply_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 1963842,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_does_this_imply_r1/stats.validation.json b/data/anli_does_this_imply_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a9b81976934afec49ee133e58a7f5f49036fc182
--- /dev/null
+++ b/data/anli_does_this_imply_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 116549,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_does_this_imply_r1/test.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5b8b9e413c4525c2e6b8d2229c8f9c1b3aa0638e
--- /dev/null
+++ b/data/anli_does_this_imply_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a4f505a64e670a238ff7df13d392f28df9f3d39debae5deb14b56b678e43032e
+size 794769
diff --git a/data/anli_does_this_imply_r1/train.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e33d9a3c3a38addabb9610e01c4f756599e9cd5f
--- /dev/null
+++ b/data/anli_does_this_imply_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b66344e556d4a1b3ddfa129e6a7c03338d3d42f87f31bb3e835ce9f933f53180
+size 13491991
diff --git a/data/anli_does_this_imply_r1/validation.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f0254d61ada122686a2f9c0973c67d46b6e8097d
--- /dev/null
+++ b/data/anli_does_this_imply_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2d4fe03a42f8a98c530eaa4e551f826a7ab5c4b87883fc1ad31f0279f3ff2066
+size 796231
diff --git a/data/anli_does_this_imply_r1_score_eval/COMPLETED b/data/anli_does_this_imply_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_this_imply_r1_score_eval/info.test.json b/data/anli_does_this_imply_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_this_imply_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r1_score_eval/info.train.json b/data/anli_does_this_imply_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_this_imply_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r1_score_eval/info.validation.json b/data/anli_does_this_imply_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_this_imply_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r1_score_eval/stats.test.json b/data/anli_does_this_imply_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..18b86d4f19e65785143c733eb42ff2a16eb56131
--- /dev/null
+++ b/data/anli_does_this_imply_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 212,
+  "inputs_tokens": 348972,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_does_this_imply_r1_score_eval/stats.train.json b/data/anli_does_this_imply_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7e26acee9f598f2f6eadd27f4ed02c2b3dad2db2
--- /dev/null
+++ b/data/anli_does_this_imply_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 5891526,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_does_this_imply_r1_score_eval/stats.validation.json b/data/anli_does_this_imply_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..27e672ab54afed116afb65a123994676870f3d08
--- /dev/null
+++ b/data/anli_does_this_imply_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 349647,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_does_this_imply_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cf75e8c89a5d23ef6c3599c8f391cd8e97c797a0
--- /dev/null
+++ b/data/anli_does_this_imply_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9abc4481ca73ba7bde5b0fdfac220869da624b4878045bded2f15ec6ea289872
+size 2437924
diff --git a/data/anli_does_this_imply_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..69902b9f3fb654a5388405fa2d604538afb09519
--- /dev/null
+++ b/data/anli_does_this_imply_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e960f2489e4a83a462073dacd7e38388e87d3c718c1ef4900b95591c795e345c
+size 41380562
diff --git a/data/anli_does_this_imply_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5faecbdf1a927935751a590afafb52e7eb67f63e
--- /dev/null
+++ b/data/anli_does_this_imply_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:edc3fb5e87dc62edeed82f222c48ac2d913550693fd2d5a22065a45ac71ea970
+size 2442310
diff --git a/data/anli_does_this_imply_r2/COMPLETED b/data/anli_does_this_imply_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_this_imply_r2/info.test.json b/data/anli_does_this_imply_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_this_imply_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r2/info.train.json b/data/anli_does_this_imply_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_this_imply_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r2/info.validation.json b/data/anli_does_this_imply_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_this_imply_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r2/stats.test.json b/data/anli_does_this_imply_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9f62b3fd7524e1478b81925cb709ae27e92695d6
--- /dev/null
+++ b/data/anli_does_this_imply_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 115167,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_does_this_imply_r2/stats.train.json b/data/anli_does_this_imply_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e268e54f3943ed0d276934272feb4d882dde7dc1
--- /dev/null
+++ b/data/anli_does_this_imply_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 5183303,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_does_this_imply_r2/stats.validation.json b/data/anli_does_this_imply_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1fc63fa25a5490a6516329f7d256fc57c1c8cec0
--- /dev/null
+++ b/data/anli_does_this_imply_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 204,
+  "inputs_tokens": 114623,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_does_this_imply_r2/test.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b92bec7cf5f0a3c2f65774b721ef3f02a97b6cff
--- /dev/null
+++ b/data/anli_does_this_imply_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5be1433d1bb870e678dc433f3417ced9edd41b119a50445d69e6e8f976a0abcb
+size 792807
diff --git a/data/anli_does_this_imply_r2/train.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..789f8af3f5d33ceeb09b4a1d2241a4982ab00908
--- /dev/null
+++ b/data/anli_does_this_imply_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b8ed38d11570b9bbccf30ce65a4596cc725cb12be62a189df91507752203906f
+size 35789984
diff --git a/data/anli_does_this_imply_r2/validation.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..07a36a21068d813ff680bd7384a12b51ad78f77e
--- /dev/null
+++ b/data/anli_does_this_imply_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:81c0d266133209797ba7cf951bcc86873617e9231a896d09df15490dbdd45d12
+size 788057
diff --git a/data/anli_does_this_imply_r2_score_eval/COMPLETED b/data/anli_does_this_imply_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_this_imply_r2_score_eval/info.test.json b/data/anli_does_this_imply_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_this_imply_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r2_score_eval/info.train.json b/data/anli_does_this_imply_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_this_imply_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r2_score_eval/info.validation.json b/data/anli_does_this_imply_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_this_imply_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r2_score_eval/stats.test.json b/data/anli_does_this_imply_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..786d8035f0b4c09ab408ef5c211e38f9009a101d
--- /dev/null
+++ b/data/anli_does_this_imply_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 345501,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_does_this_imply_r2_score_eval/stats.train.json b/data/anli_does_this_imply_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0836aecd92453039f1a5761a1600ad45b6f36a03
--- /dev/null
+++ b/data/anli_does_this_imply_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 15549909,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_does_this_imply_r2_score_eval/stats.validation.json b/data/anli_does_this_imply_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e796f0e8ea5cb994ab4d3a53a575f73b6d302f3b
--- /dev/null
+++ b/data/anli_does_this_imply_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 204,
+  "inputs_tokens": 343869,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_does_this_imply_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f6eff089eada5b8a3ef6f4972b4461d9f726b047
--- /dev/null
+++ b/data/anli_does_this_imply_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a2bffb92f94d867115659cc12d74e295f524b00c4edbe5361e93b4640cf1f06c
+size 2432038
diff --git a/data/anli_does_this_imply_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e12f28ded39dd7384eae5797af6dfba9e5def9b9
--- /dev/null
+++ b/data/anli_does_this_imply_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:77f8c0f93432f55c59a393a14f450f9ee6fafef566b59b7266a501455a00718a
+size 109861501
diff --git a/data/anli_does_this_imply_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fb91021f65caa52e1936f29242d863c5a0a76366
--- /dev/null
+++ b/data/anli_does_this_imply_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2bbee566e9c34f3a8dd2994d4d02c3aea482385e2627b1ac02770dd17f29b4c3
+size 2417788
diff --git a/data/anli_does_this_imply_r3/COMPLETED b/data/anli_does_this_imply_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_this_imply_r3/info.test.json b/data/anli_does_this_imply_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_this_imply_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r3/info.train.json b/data/anli_does_this_imply_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_this_imply_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r3/info.validation.json b/data/anli_does_this_imply_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_does_this_imply_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r3/stats.test.json b/data/anli_does_this_imply_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..820ca3fc135f6b6b2684039bc75a1ea726ddc360
--- /dev/null
+++ b/data/anli_does_this_imply_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 302,
+  "inputs_tokens": 130773,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_does_this_imply_r3/stats.train.json b/data/anli_does_this_imply_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6e4a02bdb1cb38c0813914aa646fba4439607e44
--- /dev/null
+++ b/data/anli_does_this_imply_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 433,
+  "inputs_tokens": 10827748,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_does_this_imply_r3/stats.validation.json b/data/anli_does_this_imply_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4238975e5b52c76c0186f3346ad636b113597b36
--- /dev/null
+++ b/data/anli_does_this_imply_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 246,
+  "inputs_tokens": 130920,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_does_this_imply_r3/test.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5871e7c6ccd3ff0284be42425e833fd48c46493b
--- /dev/null
+++ b/data/anli_does_this_imply_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:219d772eb3fb4184c430f0ebde68313137a2a044d373b0c255705c29513d1815
+size 915661
diff --git a/data/anli_does_this_imply_r3/train.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fd8bffebb6dd3d0dddc9349c888e9639c680a5cb
--- /dev/null
+++ b/data/anli_does_this_imply_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:116a279157151f63d0e18a594324f144b78136587bc7cfb5744b7dd3d91d5731
+size 76131791
diff --git a/data/anli_does_this_imply_r3/validation.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5e06146f06f443a791d10862498f61d906e9fbe7
--- /dev/null
+++ b/data/anli_does_this_imply_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:669304f2c415ba9385d1d08908bc93a8825396c1d97b4d7ae369c005a44a7e79
+size 919363
diff --git a/data/anli_does_this_imply_r3_score_eval/COMPLETED b/data/anli_does_this_imply_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_does_this_imply_r3_score_eval/info.test.json b/data/anli_does_this_imply_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_this_imply_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r3_score_eval/info.train.json b/data/anli_does_this_imply_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_this_imply_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r3_score_eval/info.validation.json b/data/anli_does_this_imply_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_does_this_imply_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_does_this_imply_r3_score_eval/stats.test.json b/data/anli_does_this_imply_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..bed99bd91667106820f2cceda62d6a7bd990348c
--- /dev/null
+++ b/data/anli_does_this_imply_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 302,
+  "inputs_tokens": 392319,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_does_this_imply_r3_score_eval/stats.train.json b/data/anli_does_this_imply_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f44e762522d38be984fe5a955a778410ff5c5634
--- /dev/null
+++ b/data/anli_does_this_imply_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 433,
+  "inputs_tokens": 32483244,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_does_this_imply_r3_score_eval/stats.validation.json b/data/anli_does_this_imply_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..800cdcf3f12e03fcf68145bdddc16ea520c99dc4
--- /dev/null
+++ b/data/anli_does_this_imply_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 246,
+  "inputs_tokens": 392760,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_does_this_imply_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..97c532ac4f986a41f9ea6c12b5ebc5b2846cd8ad
--- /dev/null
+++ b/data/anli_does_this_imply_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0b1f22a808fd1c33eb2aeab9b90e65b2a182b5202336a33ca130271ca57fb687
+size 2811375
diff --git a/data/anli_does_this_imply_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c834a54c70dba529b94ca572b108652287174c52
--- /dev/null
+++ b/data/anli_does_this_imply_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a77742646f261c1b263b8deede0002088871c8dd7c474e171e7a45c333859723
+size 234009958
diff --git a/data/anli_does_this_imply_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_does_this_imply_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b900be6471245a0d2a4ab8b91abfd51f62f0dd5c
--- /dev/null
+++ b/data/anli_does_this_imply_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ce62c4561877a3ee87f80d0f4044e9e4f804938e9c62880d005d9b0a41966e1e
+size 2822481
diff --git a/data/anli_guaranteed_possible_impossible_r1/COMPLETED b/data/anli_guaranteed_possible_impossible_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_possible_impossible_r1/info.test.json b/data/anli_guaranteed_possible_impossible_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1/info.train.json b/data/anli_guaranteed_possible_impossible_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1/info.validation.json b/data/anli_guaranteed_possible_impossible_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1/stats.test.json b/data/anli_guaranteed_possible_impossible_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9c44d3470e2f5d2a8bcf4cdad6da65214c44be01
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 118324,
+  "targets_max_tokens": 4,
+  "targets_tokens": 2333
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1/stats.train.json b/data/anli_guaranteed_possible_impossible_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..da2ba0b376b44f8cfe0daf9c95e5649c398cfafb
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 221,
+  "inputs_tokens": 1997734,
+  "targets_max_tokens": 4,
+  "targets_tokens": 35886
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1/stats.validation.json b/data/anli_guaranteed_possible_impossible_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7943a566ba99d965e53aebbfb03fb6fa975e9830
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 118549,
+  "targets_max_tokens": 4,
+  "targets_tokens": 2333
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c98e0d87920007b223b596569e6999cb48de6318
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8a71822e3263b8aaa39c8168c2ca75a28a466090e4a17cc413144ce89fde8f38
+size 846440
diff --git a/data/anli_guaranteed_possible_impossible_r1/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..75cfefd6cd38a89c67968792218139d4bb4750fe
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:18f34c9a67c099f585cbc592c6eeed3bc6436755d3e81cca33c35b1017b6172f
+size 14356061
diff --git a/data/anli_guaranteed_possible_impossible_r1/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..32ce64f7c2aaf5f6466f4d49f53b628f3863493d
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3b04d57b51534b81f7d27fd41a214b59220ed723aa422958036ed7be24280de8
+size 847903
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/COMPLETED b/data/anli_guaranteed_possible_impossible_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/info.test.json b/data/anli_guaranteed_possible_impossible_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/info.train.json b/data/anli_guaranteed_possible_impossible_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/info.validation.json b/data/anli_guaranteed_possible_impossible_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/stats.test.json b/data/anli_guaranteed_possible_impossible_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..908989be2111d4aab733cd7a24bf849e326a7acd
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 354972,
+  "targets_max_tokens": 4,
+  "targets_tokens": 7000
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/stats.train.json b/data/anli_guaranteed_possible_impossible_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b32c949f689741a65e3219b336dfad56033fce02
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 221,
+  "inputs_tokens": 5993202,
+  "targets_max_tokens": 4,
+  "targets_tokens": 118622
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/stats.validation.json b/data/anli_guaranteed_possible_impossible_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..06199446085ee486c0535891c17ba75ae757d368
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 355647,
+  "targets_max_tokens": 4,
+  "targets_tokens": 7000
+}
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b8aba5690bda8fccce745b71d157a4c00b1f7472
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:596c05035387027a25b1b662f5f2496db4f5fcd8f09249c701bec6b12a31cd2b
+size 2538936
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a61874acd151ab4c69d20f2f89d05ea5de9e2af9
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1ca90ac3cdb3624f107801e49fa809b12ea127a6cf5ee03e1621ed36e83c51b9
+size 43092246
diff --git a/data/anli_guaranteed_possible_impossible_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..190aa16422d4d1fce45f8af03cf639ea5fa8feb9
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3ffbcceb7ee2026abf09edd8c7bc53b60b2bcd3addaededbc419c04c64742cba
+size 2543325
diff --git a/data/anli_guaranteed_possible_impossible_r2/COMPLETED b/data/anli_guaranteed_possible_impossible_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_possible_impossible_r2/info.test.json b/data/anli_guaranteed_possible_impossible_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2/info.train.json b/data/anli_guaranteed_possible_impossible_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2/info.validation.json b/data/anli_guaranteed_possible_impossible_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2/stats.test.json b/data/anli_guaranteed_possible_impossible_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..04f2933052c702f89758c718affbe447d1080fa0
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 234,
+  "inputs_tokens": 117167,
+  "targets_max_tokens": 4,
+  "targets_tokens": 2333
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2/stats.train.json b/data/anli_guaranteed_possible_impossible_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1160c6cb7c2249f5f78c3a2088739c3d899e1d62
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 5274223,
+  "targets_max_tokens": 4,
+  "targets_tokens": 90067
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2/stats.validation.json b/data/anli_guaranteed_possible_impossible_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3e54d6512ad9cb56eae080daad6e299d6ac908f0
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 206,
+  "inputs_tokens": 116623,
+  "targets_max_tokens": 4,
+  "targets_tokens": 2333
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..29cfa564df8d03cad0aa7742de7ce0f00886bb3d
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7263a52463b3243b7c54285712a90bc79552062e5e0810ea08a1ad67bad2d2af
+size 844477
diff --git a/data/anli_guaranteed_possible_impossible_r2/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1b20f97d8550b0f260125ee5b9893c0c8c0a5d89
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4b1a602cdb63d351d5747bbd9c20f8a160c32a2b2a625de69e400b2f55c7d7a4
+size 38089579
diff --git a/data/anli_guaranteed_possible_impossible_r2/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fac18679ad5fd38af825988f70f249827f0e37f9
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5cccacae8e0b89f2287bc1897eddc9bab5042f08aba75d2b539e14234e82618c
+size 839732
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/COMPLETED b/data/anli_guaranteed_possible_impossible_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/info.test.json b/data/anli_guaranteed_possible_impossible_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/info.train.json b/data/anli_guaranteed_possible_impossible_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/info.validation.json b/data/anli_guaranteed_possible_impossible_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/stats.test.json b/data/anli_guaranteed_possible_impossible_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..77f7240f9450bcfd5717765b0b32dde6e57922ed
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 234,
+  "inputs_tokens": 351501,
+  "targets_max_tokens": 4,
+  "targets_tokens": 7000
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/stats.train.json b/data/anli_guaranteed_possible_impossible_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..94acf9a1ab6ee17fae79dc7ff6d9c0ac2262d532
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 15822669,
+  "targets_max_tokens": 4,
+  "targets_tokens": 318220
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/stats.validation.json b/data/anli_guaranteed_possible_impossible_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5208fafc3f9ab92f1df5f333f97daa56a0c834a4
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 206,
+  "inputs_tokens": 349869,
+  "targets_max_tokens": 4,
+  "targets_tokens": 7000
+}
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..481583b26328c7f1c3ca0cf239ead495ca35aa7d
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:028ba72e4051fe84e90977268dcc130d277ab19c163253676788311f043d5d17
+size 2533047
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a8bddf34d2052b4194b551dfe813c5ccd23a242e
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3c3ec40693f5895e7a5f4ea3f4ee3568bce2c86da1900124219a9693be82c37e
+size 114453735
diff --git a/data/anli_guaranteed_possible_impossible_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ade2b0474584d45707436ecfdd2219e6679dd59c
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:66850b904c39a3759ea50b8c0cfe14e0366b4d8bb433efca637354633193d2d4
+size 2518812
diff --git a/data/anli_guaranteed_possible_impossible_r3/COMPLETED b/data/anli_guaranteed_possible_impossible_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_possible_impossible_r3/info.test.json b/data/anli_guaranteed_possible_impossible_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3/info.train.json b/data/anli_guaranteed_possible_impossible_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3/info.validation.json b/data/anli_guaranteed_possible_impossible_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3/stats.test.json b/data/anli_guaranteed_possible_impossible_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..309be9033b12ec9062fec5c2a8724ee5fbc03076
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 304,
+  "inputs_tokens": 133173,
+  "targets_max_tokens": 4,
+  "targets_tokens": 2790
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3/stats.train.json b/data/anli_guaranteed_possible_impossible_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b201e3df87979a512cd808e7eb085e1e1a77972f
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 435,
+  "inputs_tokens": 11028666,
+  "targets_max_tokens": 4,
+  "targets_tokens": 214918
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3/stats.validation.json b/data/anli_guaranteed_possible_impossible_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a93fe5be0e9a449dbd457fbac376063172cc74c7
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 248,
+  "inputs_tokens": 133320,
+  "targets_max_tokens": 4,
+  "targets_tokens": 2790
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a45f71e64aa44e203906258e94cf161e419bfb44
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8598fe936f8ea3e30222fc4e98b4de01367f4ed93a8efa35f6c780f679bd769e
+size 977698
diff --git a/data/anli_guaranteed_possible_impossible_r3/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..029be49f5bb8de7898595a65ad1bab4e47ed2594
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:163a8620e8629d856172e544afdb43f6d2ef6839817f97e13e84f55b522f9d46
+size 81266942
diff --git a/data/anli_guaranteed_possible_impossible_r3/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b9914ec6802e8e7c3ee62876c7b5699543e4a498
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1f7166b20cbc1bddd21760deb4f91dc87189a207111b993db546c40936695e57
+size 981394
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/COMPLETED b/data/anli_guaranteed_possible_impossible_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/info.test.json b/data/anli_guaranteed_possible_impossible_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/info.train.json b/data/anli_guaranteed_possible_impossible_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/info.validation.json b/data/anli_guaranteed_possible_impossible_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/stats.test.json b/data/anli_guaranteed_possible_impossible_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..66d1f2d62ad0ffa4a02677eda635503b9215723f
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 304,
+  "inputs_tokens": 399519,
+  "targets_max_tokens": 4,
+  "targets_tokens": 8400
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/stats.train.json b/data/anli_guaranteed_possible_impossible_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2796c0361e539dfc025fd67c4fdf404e325322be
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 435,
+  "inputs_tokens": 33085998,
+  "targets_max_tokens": 4,
+  "targets_tokens": 703213
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/stats.validation.json b/data/anli_guaranteed_possible_impossible_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8ba0b8cd151d64f43b4fb213a3221df6c2f1a4e8
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 248,
+  "inputs_tokens": 399960,
+  "targets_max_tokens": 4,
+  "targets_tokens": 8400
+}
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..027845c7458ecd78962ce96c4dd2453ba93c6b39
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cc07496c14f1bb37557cf14bb6d37af984cb1fd448544f3975bdd3fce016a1ee
+size 2932764
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..671ccfd6b58cd1cee315f4e54c55c327fd527946
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6b66b2fab0e095f3d4ba922ca632614e791c010590a27ac3b1eca97b562859d7
+size 244173168
diff --git a/data/anli_guaranteed_possible_impossible_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_possible_impossible_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..89aa5bc0b195a7f24b06982914c71888390c9a76
--- /dev/null
+++ b/data/anli_guaranteed_possible_impossible_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a1dbab2b34a5839051954dd854ab950d1d2f6060920158307264d704e22ce247
+size 2943852
diff --git a/data/anli_guaranteed_true_r1/COMPLETED b/data/anli_guaranteed_true_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_true_r1/info.test.json b/data/anli_guaranteed_true_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_true_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r1/info.train.json b/data/anli_guaranteed_true_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_true_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r1/info.validation.json b/data/anli_guaranteed_true_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_true_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r1/stats.test.json b/data/anli_guaranteed_true_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c98871eca2cd0da16695de1f2848b84efd9dd66c
--- /dev/null
+++ b/data/anli_guaranteed_true_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 212,
+  "inputs_tokens": 116324,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_guaranteed_true_r1/stats.train.json b/data/anli_guaranteed_true_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e17ac14197b10cae76eb34ee97a2196c35f646a7
--- /dev/null
+++ b/data/anli_guaranteed_true_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 1963842,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_guaranteed_true_r1/stats.validation.json b/data/anli_guaranteed_true_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a9b81976934afec49ee133e58a7f5f49036fc182
--- /dev/null
+++ b/data/anli_guaranteed_true_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 116549,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_guaranteed_true_r1/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ee2ca36bc2086dea9e2c8c52d67a1cc69cbbb37d
--- /dev/null
+++ b/data/anli_guaranteed_true_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b23b3b708fdc104838b841a47cf940a3927f9ca1ed58edbc40603a24d439092a
+size 794765
diff --git a/data/anli_guaranteed_true_r1/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7e698f8bde630853fb72c22b2347966aa3982c32
--- /dev/null
+++ b/data/anli_guaranteed_true_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0110f47a316ae8f8d0f2d111d744a5b9a25dc1204671d52af5ce0c75565048f9
+size 13491964
diff --git a/data/anli_guaranteed_true_r1/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..46a133049d4bc6f6c387cf115b438c101b194724
--- /dev/null
+++ b/data/anli_guaranteed_true_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:04a8abc75759d0f7452b54b0192fce26dbfc3c352401cdd01ba8f33de364d262
+size 796229
diff --git a/data/anli_guaranteed_true_r1_score_eval/COMPLETED b/data/anli_guaranteed_true_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_true_r1_score_eval/info.test.json b/data/anli_guaranteed_true_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_true_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r1_score_eval/info.train.json b/data/anli_guaranteed_true_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_true_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r1_score_eval/info.validation.json b/data/anli_guaranteed_true_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_true_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r1_score_eval/stats.test.json b/data/anli_guaranteed_true_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..18b86d4f19e65785143c733eb42ff2a16eb56131
--- /dev/null
+++ b/data/anli_guaranteed_true_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 212,
+  "inputs_tokens": 348972,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_guaranteed_true_r1_score_eval/stats.train.json b/data/anli_guaranteed_true_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7e26acee9f598f2f6eadd27f4ed02c2b3dad2db2
--- /dev/null
+++ b/data/anli_guaranteed_true_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 5891526,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_guaranteed_true_r1_score_eval/stats.validation.json b/data/anli_guaranteed_true_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..27e672ab54afed116afb65a123994676870f3d08
--- /dev/null
+++ b/data/anli_guaranteed_true_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 349647,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_guaranteed_true_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dfd8db959cec8798de1ceb7d1192afc1c7a48e76
--- /dev/null
+++ b/data/anli_guaranteed_true_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:850a5d669af15edd1fbf70022bc75d40357fb034e8045b1dd4cea0d8de2deae3
+size 2434912
diff --git a/data/anli_guaranteed_true_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fd771c58e80cfcfd100a0640e288ffb8cb7395dd
--- /dev/null
+++ b/data/anli_guaranteed_true_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2a264b3d7a5457cd962307463d59ae1ee4a210f7b0e58a0cb655afa3a7fd4382
+size 41329643
diff --git a/data/anli_guaranteed_true_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c2e6aa4efe0ad5ac705e239daf840eff067e737d
--- /dev/null
+++ b/data/anli_guaranteed_true_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c37caf83c5d4c7e179eea7758ce9d0daf6bb69350555a4f957f8f61a43405898
+size 2439304
diff --git a/data/anli_guaranteed_true_r2/COMPLETED b/data/anli_guaranteed_true_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_true_r2/info.test.json b/data/anli_guaranteed_true_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_true_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r2/info.train.json b/data/anli_guaranteed_true_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_true_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r2/info.validation.json b/data/anli_guaranteed_true_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_true_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r2/stats.test.json b/data/anli_guaranteed_true_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9f62b3fd7524e1478b81925cb709ae27e92695d6
--- /dev/null
+++ b/data/anli_guaranteed_true_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 115167,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_guaranteed_true_r2/stats.train.json b/data/anli_guaranteed_true_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e268e54f3943ed0d276934272feb4d882dde7dc1
--- /dev/null
+++ b/data/anli_guaranteed_true_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 5183303,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_guaranteed_true_r2/stats.validation.json b/data/anli_guaranteed_true_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1fc63fa25a5490a6516329f7d256fc57c1c8cec0
--- /dev/null
+++ b/data/anli_guaranteed_true_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 204,
+  "inputs_tokens": 114623,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_guaranteed_true_r2/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d23fdf5e47820b91b0b8b5e6a38ca80f961a927
--- /dev/null
+++ b/data/anli_guaranteed_true_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:238766437150759dc506b9c616b235968c97b00ced15d0c00b89288f2de3210f
+size 792806
diff --git a/data/anli_guaranteed_true_r2/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4e9cdb9687000472878636373e8822abe6c0a8e2
--- /dev/null
+++ b/data/anli_guaranteed_true_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1f877da6f52b8204df365579e11f6c602923dc2d15afebe34cfcf230900c7b97
+size 35789820
diff --git a/data/anli_guaranteed_true_r2/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6c9f57856fd5a76ca8b222e36e604c7991f988a0
--- /dev/null
+++ b/data/anli_guaranteed_true_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1a0e6e1a3f4c632c2f6fb349dc1de7c98b2cdd721c3cc7c038c2cb11f73cec23
+size 788054
diff --git a/data/anli_guaranteed_true_r2_score_eval/COMPLETED b/data/anli_guaranteed_true_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_true_r2_score_eval/info.test.json b/data/anli_guaranteed_true_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_true_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r2_score_eval/info.train.json b/data/anli_guaranteed_true_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_true_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r2_score_eval/info.validation.json b/data/anli_guaranteed_true_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_true_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r2_score_eval/stats.test.json b/data/anli_guaranteed_true_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..786d8035f0b4c09ab408ef5c211e38f9009a101d
--- /dev/null
+++ b/data/anli_guaranteed_true_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 345501,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_guaranteed_true_r2_score_eval/stats.train.json b/data/anli_guaranteed_true_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0836aecd92453039f1a5761a1600ad45b6f36a03
--- /dev/null
+++ b/data/anli_guaranteed_true_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 15549909,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_guaranteed_true_r2_score_eval/stats.validation.json b/data/anli_guaranteed_true_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e796f0e8ea5cb994ab4d3a53a575f73b6d302f3b
--- /dev/null
+++ b/data/anli_guaranteed_true_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 204,
+  "inputs_tokens": 343869,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_guaranteed_true_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..70fbd48e9904abf2036cee4eb0a0cbf5002379f2
--- /dev/null
+++ b/data/anli_guaranteed_true_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:731e32fd2a62041d6ee675897da11e21d1892cdb316d7c2dcf2342181800f4f6
+size 2429035
diff --git a/data/anli_guaranteed_true_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..651cd9da7460a62d3184712f74359c7b58ea9188
--- /dev/null
+++ b/data/anli_guaranteed_true_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b53a30632dc5b9719b5bd52640156fb7d88fcc9f03b3fb8ff1072a6e37b1a552
+size 109724629
diff --git a/data/anli_guaranteed_true_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..902638bf57c380b29de8670275f975e274126c0a
--- /dev/null
+++ b/data/anli_guaranteed_true_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:40da3a9e1ad9baef8784fc074d4c09e5a89d6a8fcea91d47ccd34c4902f664b9
+size 2414779
diff --git a/data/anli_guaranteed_true_r3/COMPLETED b/data/anli_guaranteed_true_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_true_r3/info.test.json b/data/anli_guaranteed_true_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_true_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r3/info.train.json b/data/anli_guaranteed_true_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_true_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r3/info.validation.json b/data/anli_guaranteed_true_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_guaranteed_true_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r3/stats.test.json b/data/anli_guaranteed_true_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..820ca3fc135f6b6b2684039bc75a1ea726ddc360
--- /dev/null
+++ b/data/anli_guaranteed_true_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 302,
+  "inputs_tokens": 130773,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_guaranteed_true_r3/stats.train.json b/data/anli_guaranteed_true_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6e4a02bdb1cb38c0813914aa646fba4439607e44
--- /dev/null
+++ b/data/anli_guaranteed_true_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 433,
+  "inputs_tokens": 10827748,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_guaranteed_true_r3/stats.validation.json b/data/anli_guaranteed_true_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4238975e5b52c76c0186f3346ad636b113597b36
--- /dev/null
+++ b/data/anli_guaranteed_true_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 246,
+  "inputs_tokens": 130920,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_guaranteed_true_r3/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..353e766f671bf86d16db6d64be01306f09b9fd0e
--- /dev/null
+++ b/data/anli_guaranteed_true_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9e6f12305ea21ba88af133340a23574d4c4d63fe13f6ef8339bfd8ef2ad817d5
+size 915630
diff --git a/data/anli_guaranteed_true_r3/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2ebdea97cd8d51835dcaf5901065688f626f7116
--- /dev/null
+++ b/data/anli_guaranteed_true_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5589344d021cc649b18458066de7164868f4c96ec2d13f3856d31abab4de6518
+size 76128735
diff --git a/data/anli_guaranteed_true_r3/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f47131dcc1adb548283d730951bcb2b41266e56b
--- /dev/null
+++ b/data/anli_guaranteed_true_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c60289ec2f89959ab36c6262e6afd776b1c8f6f676d1c983679b4f6663a08a3
+size 919335
diff --git a/data/anli_guaranteed_true_r3_score_eval/COMPLETED b/data/anli_guaranteed_true_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_guaranteed_true_r3_score_eval/info.test.json b/data/anli_guaranteed_true_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_true_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r3_score_eval/info.train.json b/data/anli_guaranteed_true_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_true_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r3_score_eval/info.validation.json b/data/anli_guaranteed_true_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_guaranteed_true_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_guaranteed_true_r3_score_eval/stats.test.json b/data/anli_guaranteed_true_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..bed99bd91667106820f2cceda62d6a7bd990348c
--- /dev/null
+++ b/data/anli_guaranteed_true_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 302,
+  "inputs_tokens": 392319,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_guaranteed_true_r3_score_eval/stats.train.json b/data/anli_guaranteed_true_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f44e762522d38be984fe5a955a778410ff5c5634
--- /dev/null
+++ b/data/anli_guaranteed_true_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 433,
+  "inputs_tokens": 32483244,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_guaranteed_true_r3_score_eval/stats.validation.json b/data/anli_guaranteed_true_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..800cdcf3f12e03fcf68145bdddc16ea520c99dc4
--- /dev/null
+++ b/data/anli_guaranteed_true_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 246,
+  "inputs_tokens": 392760,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_guaranteed_true_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e4702b749599ea8226b24cfe39569168460d0ea4
--- /dev/null
+++ b/data/anli_guaranteed_true_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:351c7f23559231c0dac159e1385bc0f8598c8a5817c003b104ceb44e682afd02
+size 2807682
diff --git a/data/anli_guaranteed_true_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..28631709966ebfdd685fe9ea1424f0fa7cf4120a
--- /dev/null
+++ b/data/anli_guaranteed_true_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fd69ef29b1114aff41ef4c4861f6250457a68d84aedef2d22b8ff3979e7435f4
+size 233699413
diff --git a/data/anli_guaranteed_true_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_guaranteed_true_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d2b1061d4e7e73d7656452f95b76c54a1d976511
--- /dev/null
+++ b/data/anli_guaranteed_true_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d66dd9401725c3eadfb981722cdad2219521d78fc74b65cb7edffac493070b3e
+size 2818797
diff --git a/data/anli_justified_in_saying_r1/COMPLETED b/data/anli_justified_in_saying_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_justified_in_saying_r1/info.test.json b/data/anli_justified_in_saying_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_justified_in_saying_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r1/info.train.json b/data/anli_justified_in_saying_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_justified_in_saying_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r1/info.validation.json b/data/anli_justified_in_saying_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_justified_in_saying_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r1/stats.test.json b/data/anli_justified_in_saying_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2ea7a4765a34d397449b1c229ecec5ad3cf320d6
--- /dev/null
+++ b/data/anli_justified_in_saying_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 115324,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_justified_in_saying_r1/stats.train.json b/data/anli_justified_in_saying_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8283940d11c044b96136ce13e3c384fc171f616c
--- /dev/null
+++ b/data/anli_justified_in_saying_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 218,
+  "inputs_tokens": 1946896,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_justified_in_saying_r1/stats.validation.json b/data/anli_justified_in_saying_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9ec500118aee4b6e86cb8607ef934ec2db705bbf
--- /dev/null
+++ b/data/anli_justified_in_saying_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 210,
+  "inputs_tokens": 115549,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_justified_in_saying_r1/test.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..187953609841e5c989fd662471af1d71d8103a7f
--- /dev/null
+++ b/data/anli_justified_in_saying_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f3d28b73207064c396eee98780c43fafe2560f2a370ca3250eb2eb7c49ac751b
+size 793765
diff --git a/data/anli_justified_in_saying_r1/train.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a199b355fc93f8645aed20a92ba5c89d86c30459
--- /dev/null
+++ b/data/anli_justified_in_saying_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fc34329e48df732f12a30a38b090ce76b3cc53f2485f2b3dd3ae5d3c9e2104aa
+size 13475018
diff --git a/data/anli_justified_in_saying_r1/validation.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a4b92127b21dc970bf6c4b2a063218a639ee093c
--- /dev/null
+++ b/data/anli_justified_in_saying_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d42a0dd91e4aee5f43432a47cb3a5fac0d3bfe4c1ed9a0bf348ca9eadb468fa2
+size 795229
diff --git a/data/anli_justified_in_saying_r1_score_eval/COMPLETED b/data/anli_justified_in_saying_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_justified_in_saying_r1_score_eval/info.test.json b/data/anli_justified_in_saying_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_justified_in_saying_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r1_score_eval/info.train.json b/data/anli_justified_in_saying_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_justified_in_saying_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r1_score_eval/info.validation.json b/data/anli_justified_in_saying_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_justified_in_saying_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r1_score_eval/stats.test.json b/data/anli_justified_in_saying_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6875972241bdeadb6c3a051195ed713a6fd145a6
--- /dev/null
+++ b/data/anli_justified_in_saying_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 345972,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_justified_in_saying_r1_score_eval/stats.train.json b/data/anli_justified_in_saying_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d2c70d6ba156da171bcccf7d52d97ac4071484d
--- /dev/null
+++ b/data/anli_justified_in_saying_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 218,
+  "inputs_tokens": 5840688,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_justified_in_saying_r1_score_eval/stats.validation.json b/data/anli_justified_in_saying_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9533ddced2a06c5934767a9e6476a9ff083a417a
--- /dev/null
+++ b/data/anli_justified_in_saying_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 210,
+  "inputs_tokens": 346647,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_justified_in_saying_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..788e1459a628b5775d43c7e060fcffe7713a1557
--- /dev/null
+++ b/data/anli_justified_in_saying_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c0c4236efd2034d56843d2d6734b3f310a823761840fdc4c958cea30bc29e319
+size 2431912
diff --git a/data/anli_justified_in_saying_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e8a5c56213039fdf9f6d553a5a8a8cb2eefe2d72
--- /dev/null
+++ b/data/anli_justified_in_saying_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2255a2c926c341859b132ab1613dce7acd83278736bac3b22e59a83b17c5b41e
+size 41278805
diff --git a/data/anli_justified_in_saying_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..11d649fc9a3cb459b4de50cd0b9ed7e68f17b7de
--- /dev/null
+++ b/data/anli_justified_in_saying_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c4950faa739c85c86fbea48fbc32c1b8259ad2c939b4393b67514fd1f1c0898
+size 2436304
diff --git a/data/anli_justified_in_saying_r2/COMPLETED b/data/anli_justified_in_saying_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_justified_in_saying_r2/info.test.json b/data/anli_justified_in_saying_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_justified_in_saying_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r2/info.train.json b/data/anli_justified_in_saying_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_justified_in_saying_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r2/info.validation.json b/data/anli_justified_in_saying_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_justified_in_saying_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r2/stats.test.json b/data/anli_justified_in_saying_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1739863dc60881dbce6ece2ee13a265b77a1419a
--- /dev/null
+++ b/data/anli_justified_in_saying_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 231,
+  "inputs_tokens": 114167,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_justified_in_saying_r2/stats.train.json b/data/anli_justified_in_saying_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0649f0649009ec6619fc0c6d14cfb51c8bb6ce7f
--- /dev/null
+++ b/data/anli_justified_in_saying_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 5137843,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_justified_in_saying_r2/stats.validation.json b/data/anli_justified_in_saying_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..29c8ae61570971c031a2a3f90db2f515664cf847
--- /dev/null
+++ b/data/anli_justified_in_saying_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 203,
+  "inputs_tokens": 113623,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_justified_in_saying_r2/test.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6da58e58e2cbdf6ea6e614a0fb71cb7ae07581eb
--- /dev/null
+++ b/data/anli_justified_in_saying_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e885a98b4282c6bb5c2bd4b3b763af341dcacf427f00a7f4ce9ff68155cfa8fc
+size 791806
diff --git a/data/anli_justified_in_saying_r2/train.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..710739d5398eeda1b9a1971de4b2c369a01d1bc3
--- /dev/null
+++ b/data/anli_justified_in_saying_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e68c73bca34883ca27ed59088465f071a543e785170509271fd78880a017924d
+size 35744360
diff --git a/data/anli_justified_in_saying_r2/validation.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..07c83d408c40125daf1fdbf0fa7e73dd202594c3
--- /dev/null
+++ b/data/anli_justified_in_saying_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1b09428714ae02555800a509ebe6b9237d82fa200871f4000d08885f30b78f71
+size 787054
diff --git a/data/anli_justified_in_saying_r2_score_eval/COMPLETED b/data/anli_justified_in_saying_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_justified_in_saying_r2_score_eval/info.test.json b/data/anli_justified_in_saying_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_justified_in_saying_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r2_score_eval/info.train.json b/data/anli_justified_in_saying_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_justified_in_saying_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r2_score_eval/info.validation.json b/data/anli_justified_in_saying_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_justified_in_saying_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r2_score_eval/stats.test.json b/data/anli_justified_in_saying_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a7e558b477a642194646a8e4e38d73be47cfadab
--- /dev/null
+++ b/data/anli_justified_in_saying_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 231,
+  "inputs_tokens": 342501,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_justified_in_saying_r2_score_eval/stats.train.json b/data/anli_justified_in_saying_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..43fed9370d99e957599f07f67db6823e689a6660
--- /dev/null
+++ b/data/anli_justified_in_saying_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 15413529,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_justified_in_saying_r2_score_eval/stats.validation.json b/data/anli_justified_in_saying_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..47f0bb056e44ac52f6e0e4550ebc6debe73473b3
--- /dev/null
+++ b/data/anli_justified_in_saying_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 203,
+  "inputs_tokens": 340869,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_justified_in_saying_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4fe43e0b60e6082b083e6043b5cbaf0b38d39e62
--- /dev/null
+++ b/data/anli_justified_in_saying_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e8743a2ec544149d7400556707cea96158b9167fe9cf7bc3f6d7e8cfc2a899c6
+size 2426035
diff --git a/data/anli_justified_in_saying_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1e4109e1c9d709a8143a9c143f43ce3407adc5dc
--- /dev/null
+++ b/data/anli_justified_in_saying_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a45a8c6ec27d167a7db88b64f5bb8875c801907e44d02eb4d2b2f57de803ea4c
+size 109588249
diff --git a/data/anli_justified_in_saying_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8f70dc43221ee66ae4c9eb88ba70c52b820e32dc
--- /dev/null
+++ b/data/anli_justified_in_saying_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6152a5f61f5f284d1a4b8d162f04085bedcd8a218ff44da7b2f8dcf1cd6e4c38
+size 2411779
diff --git a/data/anli_justified_in_saying_r3/COMPLETED b/data/anli_justified_in_saying_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_justified_in_saying_r3/info.test.json b/data/anli_justified_in_saying_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_justified_in_saying_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r3/info.train.json b/data/anli_justified_in_saying_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_justified_in_saying_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r3/info.validation.json b/data/anli_justified_in_saying_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_justified_in_saying_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r3/stats.test.json b/data/anli_justified_in_saying_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4f943fd796ac1dd30512df3ccac4d1c4a8bdae67
--- /dev/null
+++ b/data/anli_justified_in_saying_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 301,
+  "inputs_tokens": 129573,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_justified_in_saying_r3/stats.train.json b/data/anli_justified_in_saying_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..da73bb4eb89c73fd5a4b870e88af5160c32ddcf8
--- /dev/null
+++ b/data/anli_justified_in_saying_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 432,
+  "inputs_tokens": 10727289,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_justified_in_saying_r3/stats.validation.json b/data/anli_justified_in_saying_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d80e2687f49fc55924d6cf8ce660dfbeb966fd04
--- /dev/null
+++ b/data/anli_justified_in_saying_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 245,
+  "inputs_tokens": 129720,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_justified_in_saying_r3/test.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5a32e04e5658aed0e2b874b3adac03087d9d5e7c
--- /dev/null
+++ b/data/anli_justified_in_saying_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0dc099c3978ce5bff6d53ff3e163104f68273708b4aa588855cc69e9e95ffa02
+size 914430
diff --git a/data/anli_justified_in_saying_r3/train.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7c06ac831c1dc1e4aaee1b2c092ad940e0de7a3b
--- /dev/null
+++ b/data/anli_justified_in_saying_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c3c50935d9a97358f66d5ee028bd89d94fd48be601fb89cf11a2fafaa4b0d58
+size 76028276
diff --git a/data/anli_justified_in_saying_r3/validation.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..70edc89f23c929c8c7b745e25bdc1cbe4738ac23
--- /dev/null
+++ b/data/anli_justified_in_saying_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dfb843f8a32e3dfac0f8ab1d2a49ada571e1ccf18ca28ab2ad207b13dff8809b
+size 918135
diff --git a/data/anli_justified_in_saying_r3_score_eval/COMPLETED b/data/anli_justified_in_saying_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_justified_in_saying_r3_score_eval/info.test.json b/data/anli_justified_in_saying_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_justified_in_saying_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r3_score_eval/info.train.json b/data/anli_justified_in_saying_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_justified_in_saying_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r3_score_eval/info.validation.json b/data/anli_justified_in_saying_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_justified_in_saying_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_justified_in_saying_r3_score_eval/stats.test.json b/data/anli_justified_in_saying_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c5a53afcbe0a04dd3fcad380c0399d24662be364
--- /dev/null
+++ b/data/anli_justified_in_saying_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 301,
+  "inputs_tokens": 388719,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_justified_in_saying_r3_score_eval/stats.train.json b/data/anli_justified_in_saying_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6486c449c87689dfcc45cb86f4d20e6f0e2b7ac8
--- /dev/null
+++ b/data/anli_justified_in_saying_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 432,
+  "inputs_tokens": 32181867,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_justified_in_saying_r3_score_eval/stats.validation.json b/data/anli_justified_in_saying_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ce58c349be1724315dba4882c1ec88389622b9b2
--- /dev/null
+++ b/data/anli_justified_in_saying_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 245,
+  "inputs_tokens": 389160,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_justified_in_saying_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d1db7416e9906ec2819841749cdb0cecc4c8d363
--- /dev/null
+++ b/data/anli_justified_in_saying_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0d17fafbb87724f9946afb3f06afcd65f91135f188dbeed5ac0b6bf9d9ea7ba2
+size 2804082
diff --git a/data/anli_justified_in_saying_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3f21cbecedf5712631eb93d3d8d14818425560e1
--- /dev/null
+++ b/data/anli_justified_in_saying_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2128ef807f3f270317299da3c9fc70a534e35f4f22bb27deb22def6e50d505ae
+size 233398036
diff --git a/data/anli_justified_in_saying_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_justified_in_saying_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cf50da6274f2d556f7ea0aeda5d93ae06f8f10e7
--- /dev/null
+++ b/data/anli_justified_in_saying_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0bfe916048d01f14b973f29710a212f6d97b664dfbc8fc544c6567cce2a8bf95
+size 2815197
diff --git a/data/anli_must_be_true_r1/COMPLETED b/data/anli_must_be_true_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_must_be_true_r1/info.test.json b/data/anli_must_be_true_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_must_be_true_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r1/info.train.json b/data/anli_must_be_true_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_must_be_true_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r1/info.validation.json b/data/anli_must_be_true_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_must_be_true_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r1/stats.test.json b/data/anli_must_be_true_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..34c9edc9417e596861328ca244a3cccddacd71b4
--- /dev/null
+++ b/data/anli_must_be_true_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 118324,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_must_be_true_r1/stats.train.json b/data/anli_must_be_true_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c4a6d447fdba3ff762bfe2716da5140f13aa70be
--- /dev/null
+++ b/data/anli_must_be_true_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 221,
+  "inputs_tokens": 1997734,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_must_be_true_r1/stats.validation.json b/data/anli_must_be_true_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1f610a129add47505b18eca0fe8e5f56023bc04a
--- /dev/null
+++ b/data/anli_must_be_true_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 118549,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_must_be_true_r1/test.tfrecord-00000-of-00001 b/data/anli_must_be_true_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..aa229c4f34cf2ce77b10a80dfbc9e081cc18bac5
--- /dev/null
+++ b/data/anli_must_be_true_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f3e14c59c546efe52fa3fd3a41229701b76bbdcfbbac0769dfd8972b6b122d41
+size 807773
diff --git a/data/anli_must_be_true_r1/train.tfrecord-00000-of-00001 b/data/anli_must_be_true_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5b73e79083594c24055d5214c245f00c254a008c
--- /dev/null
+++ b/data/anli_must_be_true_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:34d1575d79bb0b14a870c983da89e86f10a847bc1de43f6b62a0c2a52cb6c0ea
+size 13712335
diff --git a/data/anli_must_be_true_r1/validation.tfrecord-00000-of-00001 b/data/anli_must_be_true_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3aa5f16a6597e5b165cd4821b09f7350d5d0b096
--- /dev/null
+++ b/data/anli_must_be_true_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e2375bcd72f2b9f65bfa33febdcfd5af28416cb38c645d1fceb3b0719a2273e1
+size 809236
diff --git a/data/anli_must_be_true_r1_score_eval/COMPLETED b/data/anli_must_be_true_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_must_be_true_r1_score_eval/info.test.json b/data/anli_must_be_true_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_must_be_true_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r1_score_eval/info.train.json b/data/anli_must_be_true_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_must_be_true_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r1_score_eval/info.validation.json b/data/anli_must_be_true_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_must_be_true_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r1_score_eval/stats.test.json b/data/anli_must_be_true_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d0a631173978331a1e9f3d7744a999af8f8129b0
--- /dev/null
+++ b/data/anli_must_be_true_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 214,
+  "inputs_tokens": 354972,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_must_be_true_r1_score_eval/stats.train.json b/data/anli_must_be_true_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e7f6ec46ba3163acc6ae200b49a9b92e8b89b5d1
--- /dev/null
+++ b/data/anli_must_be_true_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 221,
+  "inputs_tokens": 5993202,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_must_be_true_r1_score_eval/stats.validation.json b/data/anli_must_be_true_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6acfa290a6c1178994c87b14383a2f00853b8f22
--- /dev/null
+++ b/data/anli_must_be_true_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 355647,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_must_be_true_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_must_be_true_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8c3c02490ec7c3c9f9e70a344eaf773eb5de93e6
--- /dev/null
+++ b/data/anli_must_be_true_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:48aaf3a89474b26ffba02b679f8cafe3068fa0179aa542d5447fab9f1555a510
+size 2473936
diff --git a/data/anli_must_be_true_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_must_be_true_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d2ebd6a36f8adec225d1aeca2bab6d2f2dfb78c4
--- /dev/null
+++ b/data/anli_must_be_true_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c2bb0d0a9e988b0a28331ed317406e70b79465dc66ea9daa5b9dc41e75c967f8
+size 41990756
diff --git a/data/anli_must_be_true_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_must_be_true_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3d99d5b5530ff00cf17b0785d492edba5b9a6b6e
--- /dev/null
+++ b/data/anli_must_be_true_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4c07350db1d982ecfb07d7455bf865f90cbcd5bdbf5fcfc65f856ed92c7a6a8c
+size 2478325
diff --git a/data/anli_must_be_true_r2/COMPLETED b/data/anli_must_be_true_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_must_be_true_r2/info.test.json b/data/anli_must_be_true_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_must_be_true_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r2/info.train.json b/data/anli_must_be_true_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_must_be_true_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r2/info.validation.json b/data/anli_must_be_true_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_must_be_true_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r2/stats.test.json b/data/anli_must_be_true_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..59611fe0ec8ed0edb579838e1aa5d903c11f6d13
--- /dev/null
+++ b/data/anli_must_be_true_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 234,
+  "inputs_tokens": 117167,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_must_be_true_r2/stats.train.json b/data/anli_must_be_true_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ed62309976e34a106d1299a65b726a9aaad24f4b
--- /dev/null
+++ b/data/anli_must_be_true_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 5274223,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_must_be_true_r2/stats.validation.json b/data/anli_must_be_true_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9b95212276bdf48482045b600dfd0c8815e2d2c4
--- /dev/null
+++ b/data/anli_must_be_true_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 206,
+  "inputs_tokens": 116623,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_must_be_true_r2/test.tfrecord-00000-of-00001 b/data/anli_must_be_true_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e2717b4f978ec83f12740312a5e2dda581b3b83f
--- /dev/null
+++ b/data/anli_must_be_true_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:587a63159437b22a195c102008c444c36fe72205afab2d0125fff5ee65452ec5
+size 805810
diff --git a/data/anli_must_be_true_r2/train.tfrecord-00000-of-00001 b/data/anli_must_be_true_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a4bba7a5daea4137f263023fc358af8bfd740be5
--- /dev/null
+++ b/data/anli_must_be_true_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3cce8e8fd63e636de1f61221fcd1c6dc713b8428c18226dc1105083b4d50c213
+size 36381222
diff --git a/data/anli_must_be_true_r2/validation.tfrecord-00000-of-00001 b/data/anli_must_be_true_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..67e9558f3e9c2ea526372ce24992d318ebb26b54
--- /dev/null
+++ b/data/anli_must_be_true_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e6f0b42b671ea403e98b60c6e19f5c8370b5c9fdb2820cea3b81b0f36c959d17
+size 801065
diff --git a/data/anli_must_be_true_r2_score_eval/COMPLETED b/data/anli_must_be_true_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_must_be_true_r2_score_eval/info.test.json b/data/anli_must_be_true_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_must_be_true_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r2_score_eval/info.train.json b/data/anli_must_be_true_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_must_be_true_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r2_score_eval/info.validation.json b/data/anli_must_be_true_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_must_be_true_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r2_score_eval/stats.test.json b/data/anli_must_be_true_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b46369086fb2721439258a5524f55aa0577b41cb
--- /dev/null
+++ b/data/anli_must_be_true_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 234,
+  "inputs_tokens": 351501,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_must_be_true_r2_score_eval/stats.train.json b/data/anli_must_be_true_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1aaf742beea1f52f96fa84f501665b8f5fa2564a
--- /dev/null
+++ b/data/anli_must_be_true_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 15822669,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_must_be_true_r2_score_eval/stats.validation.json b/data/anli_must_be_true_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..39dfafa4b19c0b16f3be1a54916851913b70cf71
--- /dev/null
+++ b/data/anli_must_be_true_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 206,
+  "inputs_tokens": 349869,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_must_be_true_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_must_be_true_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..77b0c8201fc0fc9d0a81e3be9859d906f875b487
--- /dev/null
+++ b/data/anli_must_be_true_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:51907cd4efddd4d8b0d70cd811a850ff9aee91a5dba28c7dad637e83509a3ee0
+size 2468047
diff --git a/data/anli_must_be_true_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_must_be_true_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f5bb99e7f133597f7ee0a7febee966726b6b0d95
--- /dev/null
+++ b/data/anli_must_be_true_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d5177adc21b7b0c0a6091b8ef4ac3b495fc93d3c683b80758b2425ad91c16b6a
+size 111498835
diff --git a/data/anli_must_be_true_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_must_be_true_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..86968d0fb6522ec9c34590dfea3dcf8c68fde738
--- /dev/null
+++ b/data/anli_must_be_true_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cc53161083d31f85d63a21a247933db1ea65dd5865289e270a3f8d31fd0a20a1
+size 2453812
diff --git a/data/anli_must_be_true_r3/COMPLETED b/data/anli_must_be_true_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_must_be_true_r3/info.test.json b/data/anli_must_be_true_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_must_be_true_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r3/info.train.json b/data/anli_must_be_true_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_must_be_true_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r3/info.validation.json b/data/anli_must_be_true_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_must_be_true_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r3/stats.test.json b/data/anli_must_be_true_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9cf39d009f716bc5f4121e81dc60220694e02ad2
--- /dev/null
+++ b/data/anli_must_be_true_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 304,
+  "inputs_tokens": 133173,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_must_be_true_r3/stats.train.json b/data/anli_must_be_true_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..451761ea1abc5a503f593ce2e73e840ecb5c2af4
--- /dev/null
+++ b/data/anli_must_be_true_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 435,
+  "inputs_tokens": 11028666,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_must_be_true_r3/stats.validation.json b/data/anli_must_be_true_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3ed5f5f8f6b2fe8ae6a5197a79e1e68345d61ffb
--- /dev/null
+++ b/data/anli_must_be_true_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 248,
+  "inputs_tokens": 133320,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_must_be_true_r3/test.tfrecord-00000-of-00001 b/data/anli_must_be_true_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f2435745d1c84c2d3fd4caf18c15c79a3ba08048
--- /dev/null
+++ b/data/anli_must_be_true_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e517e98956788cf4b699ccf334b0247e8d018b1d6d152d8e0da3fccb25c3b8bb
+size 931324
diff --git a/data/anli_must_be_true_r3/train.tfrecord-00000-of-00001 b/data/anli_must_be_true_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..19b68acc3cb2530e05d63f4a6fc69098464cca5e
--- /dev/null
+++ b/data/anli_must_be_true_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c7dd652c13a1a4c264cbecc9c8f0d69c7a060b64e9f67e22f90f07abda56a09
+size 77443375
diff --git a/data/anli_must_be_true_r3/validation.tfrecord-00000-of-00001 b/data/anli_must_be_true_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..40ce8dd6b604d211554fadf6bcb86393cd765963
--- /dev/null
+++ b/data/anli_must_be_true_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3994df8b6b7c57c8363ef53047031837bf959d40f0f4c000d5270daa0a47f7c6
+size 935020
diff --git a/data/anli_must_be_true_r3_score_eval/COMPLETED b/data/anli_must_be_true_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_must_be_true_r3_score_eval/info.test.json b/data/anli_must_be_true_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_must_be_true_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r3_score_eval/info.train.json b/data/anli_must_be_true_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_must_be_true_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r3_score_eval/info.validation.json b/data/anli_must_be_true_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_must_be_true_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_must_be_true_r3_score_eval/stats.test.json b/data/anli_must_be_true_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8db1d60d76f070a17ee3bb6a236d021140ec5ea0
--- /dev/null
+++ b/data/anli_must_be_true_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 304,
+  "inputs_tokens": 399519,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_must_be_true_r3_score_eval/stats.train.json b/data/anli_must_be_true_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..44c5181c484aa7803855f93c7263a8ac1aaf2352
--- /dev/null
+++ b/data/anli_must_be_true_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 435,
+  "inputs_tokens": 33085998,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_must_be_true_r3_score_eval/stats.validation.json b/data/anli_must_be_true_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b58e50617d85db9a0e9caa2be58a979b7d3d56b9
--- /dev/null
+++ b/data/anli_must_be_true_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 248,
+  "inputs_tokens": 399960,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_must_be_true_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_must_be_true_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ab7de36f6708aeebe7285da38c8e23dcda00852a
--- /dev/null
+++ b/data/anli_must_be_true_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:57f866a895fa8f9108b3248486060b05949cc22818b20ea82bb073f2e2ed4a21
+size 2854764
diff --git a/data/anli_must_be_true_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_must_be_true_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fb40c0dbf88afebce333dfb57950810100a5f298
--- /dev/null
+++ b/data/anli_must_be_true_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1e066f25e35fc15cb2b7bc0dc275531c6acdf50ba0047609d0a37cc1845c0e19
+size 237643333
diff --git a/data/anli_must_be_true_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_must_be_true_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e727114574b310ce52913119c1468ec81406a57a
--- /dev/null
+++ b/data/anli_must_be_true_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:22d52c8c118dcc3c92b408061e5f6b36d11f6bcc5fbe73607a5385bef2d36c9c
+size 2865852
diff --git a/data/anli_should_assume_r1/COMPLETED b/data/anli_should_assume_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_should_assume_r1/info.test.json b/data/anli_should_assume_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_should_assume_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r1/info.train.json b/data/anli_should_assume_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_should_assume_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r1/info.validation.json b/data/anli_should_assume_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_should_assume_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r1/stats.test.json b/data/anli_should_assume_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c98871eca2cd0da16695de1f2848b84efd9dd66c
--- /dev/null
+++ b/data/anli_should_assume_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 212,
+  "inputs_tokens": 116324,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_should_assume_r1/stats.train.json b/data/anli_should_assume_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e17ac14197b10cae76eb34ee97a2196c35f646a7
--- /dev/null
+++ b/data/anli_should_assume_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 1963842,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16946
+}
diff --git a/data/anli_should_assume_r1/stats.validation.json b/data/anli_should_assume_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a9b81976934afec49ee133e58a7f5f49036fc182
--- /dev/null
+++ b/data/anli_should_assume_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 116549,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_should_assume_r1/test.tfrecord-00000-of-00001 b/data/anli_should_assume_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..590eb35132ec1db870c4542ee46d5b7614cee97e
--- /dev/null
+++ b/data/anli_should_assume_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0bc0a22bad74ab518a8fad11ee55e8550132250aa3533d3962698dab46dd8419
+size 798769
diff --git a/data/anli_should_assume_r1/train.tfrecord-00000-of-00001 b/data/anli_should_assume_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ed3a521dc4f968441b77d33952856149eb381290
--- /dev/null
+++ b/data/anli_should_assume_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2837c4f2a76ca3d317ab26d88b2ed8ec0ac78d65b5d41d5da54d062e061ad503
+size 13559775
diff --git a/data/anli_should_assume_r1/validation.tfrecord-00000-of-00001 b/data/anli_should_assume_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a79ece1be6185f910943b8c0ebf8ecc1269f87a2
--- /dev/null
+++ b/data/anli_should_assume_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d1fed1acf204a8a800b7b1d9de413c4600476067ab9a7b89e2a43bea2f692d0d
+size 800231
diff --git a/data/anli_should_assume_r1_score_eval/COMPLETED b/data/anli_should_assume_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_should_assume_r1_score_eval/info.test.json b/data/anli_should_assume_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_should_assume_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r1_score_eval/info.train.json b/data/anli_should_assume_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_should_assume_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r1_score_eval/info.validation.json b/data/anli_should_assume_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_should_assume_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r1_score_eval/stats.test.json b/data/anli_should_assume_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..18b86d4f19e65785143c733eb42ff2a16eb56131
--- /dev/null
+++ b/data/anli_should_assume_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 212,
+  "inputs_tokens": 348972,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_should_assume_r1_score_eval/stats.train.json b/data/anli_should_assume_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7e26acee9f598f2f6eadd27f4ed02c2b3dad2db2
--- /dev/null
+++ b/data/anli_should_assume_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 5891526,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50838
+}
diff --git a/data/anli_should_assume_r1_score_eval/stats.validation.json b/data/anli_should_assume_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..27e672ab54afed116afb65a123994676870f3d08
--- /dev/null
+++ b/data/anli_should_assume_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 211,
+  "inputs_tokens": 349647,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_should_assume_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_should_assume_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e79d6e3ea4aef474c86bbc488e6bce810ccd43d
--- /dev/null
+++ b/data/anli_should_assume_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8a6c33f1926560ae63198ec9bc15a0d5bcc64979039966ae58b9ed7bdb91eced
+size 2446924
diff --git a/data/anli_should_assume_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_should_assume_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d446bd4390b7aa8d2ef88947cf507bfb96f4a01a
--- /dev/null
+++ b/data/anli_should_assume_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:450624ba41e59c3a71253336a20945f3acc81a1d8af69d4127c470a6b830f001
+size 41533076
diff --git a/data/anli_should_assume_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_should_assume_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f45ff1c6e00298c1b1af4d10633133b94e5f58c3
--- /dev/null
+++ b/data/anli_should_assume_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a99b3f040ff2002e2ddb87d0ecc9bb8a301e1fc849c6910c235d11a0fd511561
+size 2451310
diff --git a/data/anli_should_assume_r2/COMPLETED b/data/anli_should_assume_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_should_assume_r2/info.test.json b/data/anli_should_assume_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_should_assume_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r2/info.train.json b/data/anli_should_assume_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_should_assume_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r2/info.validation.json b/data/anli_should_assume_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_should_assume_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r2/stats.test.json b/data/anli_should_assume_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9f62b3fd7524e1478b81925cb709ae27e92695d6
--- /dev/null
+++ b/data/anli_should_assume_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 115167,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_should_assume_r2/stats.train.json b/data/anli_should_assume_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e268e54f3943ed0d276934272feb4d882dde7dc1
--- /dev/null
+++ b/data/anli_should_assume_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 5183303,
+  "targets_max_tokens": 1,
+  "targets_tokens": 45460
+}
diff --git a/data/anli_should_assume_r2/stats.validation.json b/data/anli_should_assume_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1fc63fa25a5490a6516329f7d256fc57c1c8cec0
--- /dev/null
+++ b/data/anli_should_assume_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 204,
+  "inputs_tokens": 114623,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1000
+}
diff --git a/data/anli_should_assume_r2/test.tfrecord-00000-of-00001 b/data/anli_should_assume_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1c1887341ad66aea6a05de34523cbebdef5333db
--- /dev/null
+++ b/data/anli_should_assume_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:baba1bd3422502bf524dc5f449915d49057ee703e531807c3c19779e4687a68c
+size 796807
diff --git a/data/anli_should_assume_r2/train.tfrecord-00000-of-00001 b/data/anli_should_assume_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3f34dfcd8a807ba9a14fe3b7236a812cea0683b5
--- /dev/null
+++ b/data/anli_should_assume_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:09cae53d3080e13ae253221e3ac4b66b808b25a614657ccb010b2033e86d6f08
+size 35971824
diff --git a/data/anli_should_assume_r2/validation.tfrecord-00000-of-00001 b/data/anli_should_assume_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dd7646e088ce856e926d3b5944f2f331fd376209
--- /dev/null
+++ b/data/anli_should_assume_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1b217fa2c558b3a1d396631ad2798a53a29804d9d844b3a41cc8e05689be2444
+size 792057
diff --git a/data/anli_should_assume_r2_score_eval/COMPLETED b/data/anli_should_assume_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_should_assume_r2_score_eval/info.test.json b/data/anli_should_assume_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_should_assume_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r2_score_eval/info.train.json b/data/anli_should_assume_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_should_assume_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r2_score_eval/info.validation.json b/data/anli_should_assume_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_should_assume_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r2_score_eval/stats.test.json b/data/anli_should_assume_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..786d8035f0b4c09ab408ef5c211e38f9009a101d
--- /dev/null
+++ b/data/anli_should_assume_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 345501,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_should_assume_r2_score_eval/stats.train.json b/data/anli_should_assume_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0836aecd92453039f1a5761a1600ad45b6f36a03
--- /dev/null
+++ b/data/anli_should_assume_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 15549909,
+  "targets_max_tokens": 1,
+  "targets_tokens": 136380
+}
diff --git a/data/anli_should_assume_r2_score_eval/stats.validation.json b/data/anli_should_assume_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e796f0e8ea5cb994ab4d3a53a575f73b6d302f3b
--- /dev/null
+++ b/data/anli_should_assume_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 204,
+  "inputs_tokens": 343869,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3000
+}
diff --git a/data/anli_should_assume_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_should_assume_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..99a5271d0e6cf556406ae7dbdef88b1aa942f869
--- /dev/null
+++ b/data/anli_should_assume_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1d925dc568bc3cfe102f213b2fdb16bf82711a2c51c6db16c94ab7174dead066
+size 2441038
diff --git a/data/anli_should_assume_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_should_assume_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..05986f076edc8d97e26fa43d505931de59e28a2a
--- /dev/null
+++ b/data/anli_should_assume_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9ced51f66bb83f14d63fc582338b5e8084bfa0750467a82da7ca59b37a200c6b
+size 110270641
diff --git a/data/anli_should_assume_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_should_assume_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1b9558db9cfa3d91284db9b9964fd0762f20fe81
--- /dev/null
+++ b/data/anli_should_assume_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a7711ce0795cc288b1530f4a8feb22cd0b353bf4d0297d7ec3c8ea06848902d2
+size 2426788
diff --git a/data/anli_should_assume_r3/COMPLETED b/data/anli_should_assume_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_should_assume_r3/info.test.json b/data/anli_should_assume_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_should_assume_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r3/info.train.json b/data/anli_should_assume_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_should_assume_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r3/info.validation.json b/data/anli_should_assume_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_should_assume_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r3/stats.test.json b/data/anli_should_assume_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..820ca3fc135f6b6b2684039bc75a1ea726ddc360
--- /dev/null
+++ b/data/anli_should_assume_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 302,
+  "inputs_tokens": 130773,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_should_assume_r3/stats.train.json b/data/anli_should_assume_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6e4a02bdb1cb38c0813914aa646fba4439607e44
--- /dev/null
+++ b/data/anli_should_assume_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 433,
+  "inputs_tokens": 10827748,
+  "targets_max_tokens": 1,
+  "targets_tokens": 100459
+}
diff --git a/data/anli_should_assume_r3/stats.validation.json b/data/anli_should_assume_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4238975e5b52c76c0186f3346ad636b113597b36
--- /dev/null
+++ b/data/anli_should_assume_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 246,
+  "inputs_tokens": 130920,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1200
+}
diff --git a/data/anli_should_assume_r3/test.tfrecord-00000-of-00001 b/data/anli_should_assume_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4e0caedffd50ea8e0423f89b1148786b61e3a511
--- /dev/null
+++ b/data/anli_should_assume_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4ad9a4e62e51c136b53ba37a32c060112c3c306ec66ccdc1b2cf4326e26c5a37
+size 920461
diff --git a/data/anli_should_assume_r3/train.tfrecord-00000-of-00001 b/data/anli_should_assume_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e24c4ce6bf1a13da6b974ad04926ea6aa5858afb
--- /dev/null
+++ b/data/anli_should_assume_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7f9c003c8f40b0ea82652a6f1ed75f6bc577f5b10006b26194e409ca440d5561
+size 76533627
diff --git a/data/anli_should_assume_r3/validation.tfrecord-00000-of-00001 b/data/anli_should_assume_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..18e98b6f8b930e24a01b0c8440440813d421c7d5
--- /dev/null
+++ b/data/anli_should_assume_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b74e7ffe82b2a11cb7e17fe97a4c53620843299796968e11802072366422cdad
+size 924163
diff --git a/data/anli_should_assume_r3_score_eval/COMPLETED b/data/anli_should_assume_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_should_assume_r3_score_eval/info.test.json b/data/anli_should_assume_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_should_assume_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r3_score_eval/info.train.json b/data/anli_should_assume_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_should_assume_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r3_score_eval/info.validation.json b/data/anli_should_assume_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_should_assume_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_should_assume_r3_score_eval/stats.test.json b/data/anli_should_assume_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..bed99bd91667106820f2cceda62d6a7bd990348c
--- /dev/null
+++ b/data/anli_should_assume_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 302,
+  "inputs_tokens": 392319,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_should_assume_r3_score_eval/stats.train.json b/data/anli_should_assume_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f44e762522d38be984fe5a955a778410ff5c5634
--- /dev/null
+++ b/data/anli_should_assume_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 433,
+  "inputs_tokens": 32483244,
+  "targets_max_tokens": 1,
+  "targets_tokens": 301377
+}
diff --git a/data/anli_should_assume_r3_score_eval/stats.validation.json b/data/anli_should_assume_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..800cdcf3f12e03fcf68145bdddc16ea520c99dc4
--- /dev/null
+++ b/data/anli_should_assume_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 246,
+  "inputs_tokens": 392760,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_should_assume_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_should_assume_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6ec404b7547246245386d256324c95c35e3c5863
--- /dev/null
+++ b/data/anli_should_assume_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3feb50b7dd967020d1166c7d068a85cf06e188d7aa810e3ec3d6a740b76d9f42
+size 2822175
diff --git a/data/anli_should_assume_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_should_assume_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..00b40cc1a94c326e0cf31bd9d70d76158e4115b9
--- /dev/null
+++ b/data/anli_should_assume_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:613d873c9811e080448c8415a2bb4f2c8b2e51031fcf1581484400347aec8132
+size 234914089
diff --git a/data/anli_should_assume_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_should_assume_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..09231e32555b0300395d8d05dec985ae4bd7ec25
--- /dev/null
+++ b/data/anli_should_assume_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eeadd7e746881c67c79870b79a021bc83b463f97ac3c478a47c32b1825a7e29b
+size 2833281
diff --git a/data/anli_take_the_following_as_truth_r1/COMPLETED b/data/anli_take_the_following_as_truth_r1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_take_the_following_as_truth_r1/info.test.json b/data/anli_take_the_following_as_truth_r1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r1/info.train.json b/data/anli_take_the_following_as_truth_r1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r1/info.validation.json b/data/anli_take_the_following_as_truth_r1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r1/stats.test.json b/data/anli_take_the_following_as_truth_r1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4e9b8655b98fb9db612eaec0c432a311ab0ee066
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 221,
+  "inputs_tokens": 125324,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2998
+}
diff --git a/data/anli_take_the_following_as_truth_r1/stats.train.json b/data/anli_take_the_following_as_truth_r1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a137c85d805ca3d8273277bebcd8859813a40b70
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16946,
+  "inputs_max_tokens": 228,
+  "inputs_tokens": 2116356,
+  "targets_max_tokens": 5,
+  "targets_tokens": 54200
+}
diff --git a/data/anli_take_the_following_as_truth_r1/stats.validation.json b/data/anli_take_the_following_as_truth_r1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..15d9f11b307d314274a948b738e978891beed85a
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 220,
+  "inputs_tokens": 125549,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2998
+}
diff --git a/data/anli_take_the_following_as_truth_r1/test.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..223239c2246939473219ae69f4316e481e27afc6
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a89dcf96e89c58718111d89724c48efa0f0ac421b2be82b419927193ff335799
+size 863107
diff --git a/data/anli_take_the_following_as_truth_r1/train.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4f65eac70b92c4f7e0a057c0ff90e2e096775705
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8936dbcceca4e5f1f7505a38dd3c99428c0d6d7f35ffa8010bd3ffade16119ed
+size 14662455
diff --git a/data/anli_take_the_following_as_truth_r1/validation.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d0f913139ff5fd90cc0b2a7c4e6d4e8bdc0d130f
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:66079466b806e183fa49f80910d4a7c7d146558613427346e0fefe03f27a1135
+size 864574
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/COMPLETED b/data/anli_take_the_following_as_truth_r1_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/info.test.json b/data/anli_take_the_following_as_truth_r1_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/info.train.json b/data/anli_take_the_following_as_truth_r1_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/info.validation.json b/data/anli_take_the_following_as_truth_r1_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/stats.test.json b/data/anli_take_the_following_as_truth_r1_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9a22e9bf0e453e87853b9f6414a44f2f49106b30
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 221,
+  "inputs_tokens": 375972,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9000
+}
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/stats.train.json b/data/anli_take_the_following_as_truth_r1_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e6deab817b508bb3b37f88b6d6e2c218bf9530d5
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50838,
+  "inputs_max_tokens": 228,
+  "inputs_tokens": 6349068,
+  "targets_max_tokens": 5,
+  "targets_tokens": 152514
+}
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/stats.validation.json b/data/anli_take_the_following_as_truth_r1_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4bfa1b156c21e54c48d03f7d40beb504a85d90dc
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 220,
+  "inputs_tokens": 376647,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9000
+}
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/test.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r1_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e46c881f24a7277ac8945de08cd582ea3fded271
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ff43fdc0df3b267b943f9cb2261c3a4206cc95e373487c5baf1470afd2e5e053
+size 2609954
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/train.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r1_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..31dd76f7301f9484c17489069a8a8ca17be84f64
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:71c6eafca7f87747befbf641ef7614d4b7570096cc77d62f7124680663d9da73
+size 44295724
diff --git a/data/anli_take_the_following_as_truth_r1_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r1_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7a1991ae8930ff98a58d71449274431b2dcd20b4
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r1_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ac430acd57e228302d3615b1e7bc3f1d359dc2323794d31033d4ede46dd9c939
+size 2614355
diff --git a/data/anli_take_the_following_as_truth_r2/COMPLETED b/data/anli_take_the_following_as_truth_r2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_take_the_following_as_truth_r2/info.test.json b/data/anli_take_the_following_as_truth_r2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r2/info.train.json b/data/anli_take_the_following_as_truth_r2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r2/info.validation.json b/data/anli_take_the_following_as_truth_r2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r2/stats.test.json b/data/anli_take_the_following_as_truth_r2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d800f13f91c747f543acdafd2bdf2bcf1b4a7ba
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 241,
+  "inputs_tokens": 124167,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2998
+}
diff --git a/data/anli_take_the_following_as_truth_r2/stats.train.json b/data/anli_take_the_following_as_truth_r2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..82447d445c5ac44f71b295c33249b093c256dabd
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 45460,
+  "inputs_max_tokens": 296,
+  "inputs_tokens": 5592443,
+  "targets_max_tokens": 5,
+  "targets_tokens": 149402
+}
diff --git a/data/anli_take_the_following_as_truth_r2/stats.validation.json b/data/anli_take_the_following_as_truth_r2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..edd66b07b6ed4b9b5eea25403d04c30788437768
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 123623,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2998
+}
diff --git a/data/anli_take_the_following_as_truth_r2/test.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6495c22f7806c807cb4ebce45ac2a1c7752ef620
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:58a3dd7ad20facd838540362d8550f7dac09db0bf2ff384072afaf686de8031e
+size 861146
diff --git a/data/anli_take_the_following_as_truth_r2/train.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d9cedd0620ed6466dee98c1541c10190d4bd02f1
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fbb2d1d0132698ce7c6affb4b583008f811e48ad53673f62138ab8d6cfaa8cb8
+size 38946259
diff --git a/data/anli_take_the_following_as_truth_r2/validation.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2471a00be6968aea05861fbff7eca6c47c375829
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fa36d232763ec8269aa5810915e0ac0d506ab4e16263c8b9543817093a0a06cf
+size 856400
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/COMPLETED b/data/anli_take_the_following_as_truth_r2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/info.test.json b/data/anli_take_the_following_as_truth_r2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/info.train.json b/data/anli_take_the_following_as_truth_r2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/info.validation.json b/data/anli_take_the_following_as_truth_r2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/stats.test.json b/data/anli_take_the_following_as_truth_r2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6456d0f44b53e0c6143ae7e0fbf59f850452d1d9
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 241,
+  "inputs_tokens": 372501,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9000
+}
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/stats.train.json b/data/anli_take_the_following_as_truth_r2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a657e1b2ce233bc9b9579d8164b161a73171caa6
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 136380,
+  "inputs_max_tokens": 296,
+  "inputs_tokens": 16777329,
+  "targets_max_tokens": 5,
+  "targets_tokens": 409140
+}
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/stats.validation.json b/data/anli_take_the_following_as_truth_r2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a43892d50a22d16b0ecd10a50dbb4bd876ea3394
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 370869,
+  "targets_max_tokens": 5,
+  "targets_tokens": 9000
+}
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/test.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8b8d249f883a6c23c3f3bf1bee8d2a931c64cd16
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:56b39f2c61b9bbea57b61e73fc4efadadd75ef3d6b82b4b93df7cf845cd81070
+size 2604071
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/train.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..87a1a6b128bf1c150109ede34e5671ce3f32ae70
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3946606746ca6117e51e1b592c45c4c0f92d40ec4022b1b87d4895b2e8a65e55
+size 117682346
diff --git a/data/anli_take_the_following_as_truth_r2_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..035b5e19c4aec6b8509a0eb0ede0aecda8fac294
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:12038caf532264fc54bc205f959b8f9028d7ac25570961456e7560a0944986d8
+size 2589833
diff --git a/data/anli_take_the_following_as_truth_r3/COMPLETED b/data/anli_take_the_following_as_truth_r3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_take_the_following_as_truth_r3/info.test.json b/data/anli_take_the_following_as_truth_r3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r3/info.train.json b/data/anli_take_the_following_as_truth_r3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r3/info.validation.json b/data/anli_take_the_following_as_truth_r3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r3/stats.test.json b/data/anli_take_the_following_as_truth_r3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8d1c50d57064b9c57c2e9b02473e26550b5ba9c0
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 311,
+  "inputs_tokens": 141573,
+  "targets_max_tokens": 5,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_take_the_following_as_truth_r3/stats.train.json b/data/anli_take_the_following_as_truth_r3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..152ee14dee1d484339119291a10939708c40825b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100459,
+  "inputs_max_tokens": 442,
+  "inputs_tokens": 11731879,
+  "targets_max_tokens": 5,
+  "targets_tokens": 318349
+}
diff --git a/data/anli_take_the_following_as_truth_r3/stats.validation.json b/data/anli_take_the_following_as_truth_r3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7588e5ef6d03b8c7de9684de5f74236753d43298
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1200,
+  "inputs_max_tokens": 255,
+  "inputs_tokens": 141720,
+  "targets_max_tokens": 5,
+  "targets_tokens": 3600
+}
diff --git a/data/anli_take_the_following_as_truth_r3/test.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..99b6064ac81f2c321549b1ba483f0501838d6de3
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4585ddd4dec2c812203d00ad0099f936517c8b4f5a88e05c9d52cb09276b30dc
+size 998035
diff --git a/data/anli_take_the_following_as_truth_r3/train.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5dfa79a6ddd271f4920a26a3718a0c4a7110c7a7
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:411fe4fb5b2542b50afd7521500718304e5f922e714bc0af428180347d34e00a
+size 83086403
diff --git a/data/anli_take_the_following_as_truth_r3/validation.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a83d3b863acadfcc8defbac34e56ca7d2b5cf22e
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6de87e62cd4743ea6f991b19dfe3bfe86e3c2c625fb954063f332ed279a242e1
+size 1001688
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/COMPLETED b/data/anli_take_the_following_as_truth_r3_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/info.test.json b/data/anli_take_the_following_as_truth_r3_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/info.train.json b/data/anli_take_the_following_as_truth_r3_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/info.validation.json b/data/anli_take_the_following_as_truth_r3_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/stats.test.json b/data/anli_take_the_following_as_truth_r3_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..dbccdcb51de83a8b526a75385fb7419f9d2de3ab
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 311,
+  "inputs_tokens": 424719,
+  "targets_max_tokens": 5,
+  "targets_tokens": 10800
+}
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/stats.train.json b/data/anli_take_the_following_as_truth_r3_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..241c7a8cb8e40aa5e62fff782a493da5cf0d5c7e
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 301377,
+  "inputs_max_tokens": 442,
+  "inputs_tokens": 35195637,
+  "targets_max_tokens": 5,
+  "targets_tokens": 904131
+}
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/stats.validation.json b/data/anli_take_the_following_as_truth_r3_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0fe4d045b86e23e55f7e0eb49e5a43b0cd3c1554
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3600,
+  "inputs_max_tokens": 255,
+  "inputs_tokens": 425160,
+  "targets_max_tokens": 5,
+  "targets_tokens": 10800
+}
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/test.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r3_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..24fdc1d5a4ba1bb292546a08c4e7d677c5b9967f
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:67efdb23fc7be23a4fb4d62deaeda6f0a66c4666252841e63899352d549d4727
+size 3018873
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/train.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r3_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f32ff0185490415daea2d848a1b30dfb86afdf59
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c0d3b610b66262260bb192da359722b311b3243a01ae6767660084f030415fe
+size 251369315
diff --git a/data/anli_take_the_following_as_truth_r3_score_eval/validation.tfrecord-00000-of-00001 b/data/anli_take_the_following_as_truth_r3_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..494965bd67300be9466c3ac0a85d9a65a409df29
--- /dev/null
+++ b/data/anli_take_the_following_as_truth_r3_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6d8420ee7d4b721ff43d3adba32ab0a94eb989c4c47cedd8775506270dbfac90
+size 3029832
diff --git a/data/app_reviews_categorize_rating_using_review/COMPLETED b/data/app_reviews_categorize_rating_using_review/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/app_reviews_categorize_rating_using_review/info.train.json b/data/app_reviews_categorize_rating_using_review/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/app_reviews_categorize_rating_using_review/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/app_reviews_categorize_rating_using_review/stats.train.json b/data/app_reviews_categorize_rating_using_review/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d2465265b6d9a82c025463f6a11472cc44aae4b6
--- /dev/null
+++ b/data/app_reviews_categorize_rating_using_review/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 288065,
+  "inputs_max_tokens": 708,
+  "inputs_tokens": 13480920,
+  "targets_max_tokens": 3,
+  "targets_tokens": 542407
+}
diff --git a/data/app_reviews_categorize_rating_using_review/train.tfrecord-00000-of-00001 b/data/app_reviews_categorize_rating_using_review/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bfa11053e5dba5a85ee17424372c317743b7f7c8
--- /dev/null
+++ b/data/app_reviews_categorize_rating_using_review/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:84bd5485888f0a844c9fd249b32f4219cb6a68f93a17232bd4da8ce1bdddcc68
+size 123655369
diff --git a/data/app_reviews_convert_to_rating/COMPLETED b/data/app_reviews_convert_to_rating/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/app_reviews_convert_to_rating/info.train.json b/data/app_reviews_convert_to_rating/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/app_reviews_convert_to_rating/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/app_reviews_convert_to_rating/stats.train.json b/data/app_reviews_convert_to_rating/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7501dbbe31b0f179bd20c90d6c7f3e7459603940
--- /dev/null
+++ b/data/app_reviews_convert_to_rating/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 288065,
+  "inputs_max_tokens": 706,
+  "inputs_tokens": 12904790,
+  "targets_max_tokens": 1,
+  "targets_tokens": 288065
+}
diff --git a/data/app_reviews_convert_to_rating/train.tfrecord-00000-of-00001 b/data/app_reviews_convert_to_rating/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0e103159dcf440105e726d4f4cf7a9977457e96d
--- /dev/null
+++ b/data/app_reviews_convert_to_rating/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bee61572acfd1ee1dda6bbbcc1dcb20970d0afb01271f8989776d7078545c22b
+size 105932192
diff --git a/data/app_reviews_convert_to_star_rating/COMPLETED b/data/app_reviews_convert_to_star_rating/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/app_reviews_convert_to_star_rating/info.train.json b/data/app_reviews_convert_to_star_rating/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/app_reviews_convert_to_star_rating/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/app_reviews_convert_to_star_rating/stats.train.json b/data/app_reviews_convert_to_star_rating/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3fc730ff0eee4aa0f52fd8d1f6ff9cdc5d5d9431
--- /dev/null
+++ b/data/app_reviews_convert_to_star_rating/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 288065,
+  "inputs_max_tokens": 705,
+  "inputs_tokens": 12616725,
+  "targets_max_tokens": 2,
+  "targets_tokens": 576130
+}
diff --git a/data/app_reviews_convert_to_star_rating/train.tfrecord-00000-of-00001 b/data/app_reviews_convert_to_star_rating/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..51ad6bc793f64a4826e757133fb5d4e5ce915cde
--- /dev/null
+++ b/data/app_reviews_convert_to_star_rating/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aee0760a16ed6c168b42b3ca5d3eee548eb56ce4a4555f1436414e59dbee24b5
+size 127195204
diff --git a/data/app_reviews_generate_review/COMPLETED b/data/app_reviews_generate_review/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/app_reviews_generate_review/info.train.json b/data/app_reviews_generate_review/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/app_reviews_generate_review/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/app_reviews_generate_review/stats.train.json b/data/app_reviews_generate_review/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0bcb0788bf1c967100cdc6c14fdf96937cc4307f
--- /dev/null
+++ b/data/app_reviews_generate_review/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 288065,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 9417031,
+  "targets_max_tokens": 678,
+  "targets_tokens": 4744832
+}
diff --git a/data/app_reviews_generate_review/train.tfrecord-00000-of-00001 b/data/app_reviews_generate_review/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bf964eb0ceeef535ad889603350f802cdf0147f0
--- /dev/null
+++ b/data/app_reviews_generate_review/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b811ab787ed191218deb85b031c23a72df45db0730b19778658ab5087c1c8f79
+size 105960863
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/COMPLETED b/data/cnn_dailymail_3.0.0_2_or_3_sentences/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/info.test.json b/data/cnn_dailymail_3.0.0_2_or_3_sentences/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_2_or_3_sentences/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/info.train.json b/data/cnn_dailymail_3.0.0_2_or_3_sentences/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_2_or_3_sentences/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/info.validation.json b/data/cnn_dailymail_3.0.0_2_or_3_sentences/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_2_or_3_sentences/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/stats.test.json b/data/cnn_dailymail_3.0.0_2_or_3_sentences/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d5fac8322fc808bba48ee41df4107692854459a
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_2_or_3_sentences/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11490,
+  "inputs_max_tokens": 741,
+  "inputs_tokens": 5755157,
+  "targets_max_tokens": 600,
+  "targets_tokens": 898618
+}
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/stats.train.json b/data/cnn_dailymail_3.0.0_2_or_3_sentences/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..983d92d5d6e9d47d2b221d4d06607d2e30f6dbee
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_2_or_3_sentences/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 287113,
+  "inputs_max_tokens": 1206,
+  "inputs_tokens": 144934542,
+  "targets_max_tokens": 848,
+  "targets_tokens": 21144780
+}
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/stats.validation.json b/data/cnn_dailymail_3.0.0_2_or_3_sentences/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..19008810fc9cb326c9cb06f127a615b6a3ae9141
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_2_or_3_sentences/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13368,
+  "inputs_max_tokens": 765,
+  "inputs_tokens": 6667501,
+  "targets_max_tokens": 512,
+  "targets_tokens": 1096906
+}
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/test.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_2_or_3_sentences/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e86e93ff98fb130119741cdb6494dc8f9570bc4
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_2_or_3_sentences/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e61cd2313ba4def332d7c685b29fa395ba746b547976ac1df8111f6f1906b2cb
+size 39228900
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/train.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_2_or_3_sentences/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8abdb7b90e4391a4e0abe1629e514595359738c1
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_2_or_3_sentences/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8f825a1e18d47f1e2e2484a131927040a4807ebd679d07b52ee524bfa21123a0
+size 978555193
diff --git a/data/cnn_dailymail_3.0.0_2_or_3_sentences/validation.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_2_or_3_sentences/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2321ca90bfffc6f29422a6d59fc9ac716577a6a1
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_2_or_3_sentences/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e4cb09d456342ceb7ad0eef74ff3e30a33df182c323d1d74fcf01f80ff263d5e
+size 45838787
diff --git a/data/cnn_dailymail_3.0.0_generate_story/COMPLETED b/data/cnn_dailymail_3.0.0_generate_story/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cnn_dailymail_3.0.0_generate_story/info.test.json b/data/cnn_dailymail_3.0.0_generate_story/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_generate_story/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_generate_story/info.train.json b/data/cnn_dailymail_3.0.0_generate_story/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_generate_story/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_generate_story/info.validation.json b/data/cnn_dailymail_3.0.0_generate_story/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_generate_story/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_generate_story/stats.test.json b/data/cnn_dailymail_3.0.0_generate_story/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e758491f4b36cd402bcc7dcb837fc8e6c0af9ff
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_generate_story/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11490,
+  "inputs_max_tokens": 610,
+  "inputs_tokens": 1013518,
+  "targets_max_tokens": 720,
+  "targets_tokens": 5513867
+}
diff --git a/data/cnn_dailymail_3.0.0_generate_story/stats.train.json b/data/cnn_dailymail_3.0.0_generate_story/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4aa039da9f0df02cd19be46a8ed2d6f4f067f6a2
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_generate_story/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 287113,
+  "inputs_max_tokens": 858,
+  "inputs_tokens": 24015910,
+  "targets_max_tokens": 1185,
+  "targets_tokens": 138905169
+}
diff --git a/data/cnn_dailymail_3.0.0_generate_story/stats.validation.json b/data/cnn_dailymail_3.0.0_generate_story/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0289403b5aacad53e567ccdec0cb9d13ef4cdf88
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_generate_story/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13368,
+  "inputs_max_tokens": 522,
+  "inputs_tokens": 1230586,
+  "targets_max_tokens": 744,
+  "targets_tokens": 6386773
+}
diff --git a/data/cnn_dailymail_3.0.0_generate_story/test.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_generate_story/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..29dcffa03fb0837ac734e5d55d995208cc99aa27
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_generate_story/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e2296580b3df6f35827ab840ca1b470502907d7b39a6fa010e6da5b69aa8537b
+size 38363985
diff --git a/data/cnn_dailymail_3.0.0_generate_story/train.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_generate_story/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b4f6e61d6cddd239aa97133a3f225ef2e589cab3
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_generate_story/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b364c1a1077b915d125f68b5f3e94a8cc21de264d3e3d6edb622cdb7305cf1c9
+size 956931934
diff --git a/data/cnn_dailymail_3.0.0_generate_story/validation.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_generate_story/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5031a80fdc5a4dbaa6a96ede2c04ee13ee866bef
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_generate_story/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:276835bb8e2903c1c14663e1331983e0c408e9b13e7788973600b274adb939b9
+size 44831066
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/COMPLETED b/data/cnn_dailymail_3.0.0_news_card_view/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/info.test.json b/data/cnn_dailymail_3.0.0_news_card_view/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_card_view/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/info.train.json b/data/cnn_dailymail_3.0.0_news_card_view/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_card_view/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/info.validation.json b/data/cnn_dailymail_3.0.0_news_card_view/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_card_view/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/stats.test.json b/data/cnn_dailymail_3.0.0_news_card_view/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c4c71e287d5981e6164cdd6bbb86343889890194
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_card_view/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11490,
+  "inputs_max_tokens": 744,
+  "inputs_tokens": 5789627,
+  "targets_max_tokens": 600,
+  "targets_tokens": 898618
+}
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/stats.train.json b/data/cnn_dailymail_3.0.0_news_card_view/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7ded677415786ce1bdd9e9bc116da202f33cdfd5
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_card_view/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 287113,
+  "inputs_max_tokens": 1209,
+  "inputs_tokens": 145795881,
+  "targets_max_tokens": 848,
+  "targets_tokens": 21144780
+}
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/stats.validation.json b/data/cnn_dailymail_3.0.0_news_card_view/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d545da25bef8063e6253fe73fc7811447f0cd6a8
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_card_view/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13368,
+  "inputs_max_tokens": 768,
+  "inputs_tokens": 6707605,
+  "targets_max_tokens": 512,
+  "targets_tokens": 1096906
+}
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/test.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_news_card_view/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c85eb72852ccaa2fb81ba7def098c33548b288ea
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_card_view/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:19f1fbd9de2c8e14d2cb416c302f3a05d7212c1cada78695e9c895d574e7d65f
+size 39355290
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/train.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_news_card_view/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e4310c36d422200185852200181c12c19911056f
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_card_view/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3bcee59551b5bb077dc476a795ed50e12cd07b7ecb4a2a1c2c7174842a8d5f6c
+size 981713442
diff --git a/data/cnn_dailymail_3.0.0_news_card_view/validation.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_news_card_view/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cc2613954946c7163a1f53d60f632b4d8a7b82a3
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_card_view/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7dbd0ae887a4530639a6cbe019c152b5b9500e124de42e5fddb5a8467cce0fb0
+size 45985836
diff --git a/data/cnn_dailymail_3.0.0_news_stock/COMPLETED b/data/cnn_dailymail_3.0.0_news_stock/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cnn_dailymail_3.0.0_news_stock/info.test.json b/data/cnn_dailymail_3.0.0_news_stock/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_stock/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_news_stock/info.train.json b/data/cnn_dailymail_3.0.0_news_stock/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_stock/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_news_stock/info.validation.json b/data/cnn_dailymail_3.0.0_news_stock/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_stock/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_news_stock/stats.test.json b/data/cnn_dailymail_3.0.0_news_stock/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..50206135d16afe0735b2b19afca7f929b5237313
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_stock/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11490,
+  "inputs_max_tokens": 736,
+  "inputs_tokens": 5697707,
+  "targets_max_tokens": 600,
+  "targets_tokens": 898618
+}
diff --git a/data/cnn_dailymail_3.0.0_news_stock/stats.train.json b/data/cnn_dailymail_3.0.0_news_stock/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..77d98e0dcd2e0a371dd5bccf32e48c3979b0051c
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_stock/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 287113,
+  "inputs_max_tokens": 1201,
+  "inputs_tokens": 143498977,
+  "targets_max_tokens": 848,
+  "targets_tokens": 21144780
+}
diff --git a/data/cnn_dailymail_3.0.0_news_stock/stats.validation.json b/data/cnn_dailymail_3.0.0_news_stock/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c2da98a9ee35f29855e28f0e4d47aaf892f456ff
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_stock/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13368,
+  "inputs_max_tokens": 760,
+  "inputs_tokens": 6600661,
+  "targets_max_tokens": 512,
+  "targets_tokens": 1096906
+}
diff --git a/data/cnn_dailymail_3.0.0_news_stock/test.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_news_stock/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9952c8a8926048281e9c37f1341d44024f61f8e6
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_stock/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6d9b6a930bdd24af520c41495055e33a40c4e9e4ca85b1a67b4275fbcbf4094d
+size 38953140
diff --git a/data/cnn_dailymail_3.0.0_news_stock/train.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_news_stock/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e26d1fbb7a45ed4de9ae42854ba9c09d6464ed30
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_stock/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cd8e39a0c75495a856e7e1dfb10707d26b5488ecf6e373f307aa6c0040cc6ff3
+size 971664458
diff --git a/data/cnn_dailymail_3.0.0_news_stock/validation.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_news_stock/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..853817e2aaf4366599767168e41ff79dc99c7101
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_stock/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c13dfa597ffbd58419047a98b78f476c7695eceee87c427250c616ff756e5030
+size 45517955
diff --git a/data/cnn_dailymail_3.0.0_news_summary/COMPLETED b/data/cnn_dailymail_3.0.0_news_summary/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cnn_dailymail_3.0.0_news_summary/info.test.json b/data/cnn_dailymail_3.0.0_news_summary/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_summary/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_news_summary/info.train.json b/data/cnn_dailymail_3.0.0_news_summary/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_summary/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_news_summary/info.validation.json b/data/cnn_dailymail_3.0.0_news_summary/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_summary/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_news_summary/stats.test.json b/data/cnn_dailymail_3.0.0_news_summary/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..54790cb31ddbf8fe852db3fd6af592aaaccb755f
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_summary/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11490,
+  "inputs_max_tokens": 727,
+  "inputs_tokens": 5594297,
+  "targets_max_tokens": 600,
+  "targets_tokens": 898618
+}
diff --git a/data/cnn_dailymail_3.0.0_news_summary/stats.train.json b/data/cnn_dailymail_3.0.0_news_summary/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..62fc5eff9dfa3746c7b37a9723ba2aed606c7f6a
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_summary/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 287113,
+  "inputs_max_tokens": 1192,
+  "inputs_tokens": 140914960,
+  "targets_max_tokens": 848,
+  "targets_tokens": 21144780
+}
diff --git a/data/cnn_dailymail_3.0.0_news_summary/stats.validation.json b/data/cnn_dailymail_3.0.0_news_summary/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0c193d90d5de1237983515233999df25733c9096
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_summary/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13368,
+  "inputs_max_tokens": 751,
+  "inputs_tokens": 6480349,
+  "targets_max_tokens": 512,
+  "targets_tokens": 1096906
+}
diff --git a/data/cnn_dailymail_3.0.0_news_summary/test.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_news_summary/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..10abe4b7c2294e365126aa6567e021b467d5f781
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_summary/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:081fcf2743298335eada1ae429ef1c0835d85a163c4b47b8634b6a32d824ac2f
+size 38114369
diff --git a/data/cnn_dailymail_3.0.0_news_summary/train.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_news_summary/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..06078290f2c3eee43a7e42585811259e53ba4616
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_summary/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6f4ab7d1731e6eecc2565d5771936a374c24f1a00a04ee8282f99b0c598df6a6
+size 950705101
diff --git a/data/cnn_dailymail_3.0.0_news_summary/validation.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_news_summary/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..67d726cb69efd75086c00d7a4f3c8c3076fc23de
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_news_summary/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f74c0dd5e89ef2d38c6f2ad3f2923acd6148783b495a1e13e2b121b47dc22c99
+size 44542092
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/COMPLETED b/data/cnn_dailymail_3.0.0_spice_up_story/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/info.test.json b/data/cnn_dailymail_3.0.0_spice_up_story/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_spice_up_story/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/info.train.json b/data/cnn_dailymail_3.0.0_spice_up_story/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_spice_up_story/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/info.validation.json b/data/cnn_dailymail_3.0.0_spice_up_story/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_spice_up_story/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/stats.test.json b/data/cnn_dailymail_3.0.0_spice_up_story/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..530cd4bf7cb489d2d294ddd7d95d63209c1b0a18
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_spice_up_story/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11490,
+  "inputs_max_tokens": 618,
+  "inputs_tokens": 1105438,
+  "targets_max_tokens": 720,
+  "targets_tokens": 5513867
+}
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/stats.train.json b/data/cnn_dailymail_3.0.0_spice_up_story/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..62b503584520cefc1fd37142e2ad5318b2e3bc99
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_spice_up_story/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 287113,
+  "inputs_max_tokens": 866,
+  "inputs_tokens": 26312814,
+  "targets_max_tokens": 1185,
+  "targets_tokens": 138905169
+}
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/stats.validation.json b/data/cnn_dailymail_3.0.0_spice_up_story/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5b2629d8ae19de520f87d229b3b430e0a01d640a
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_spice_up_story/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13368,
+  "inputs_max_tokens": 530,
+  "inputs_tokens": 1337530,
+  "targets_max_tokens": 744,
+  "targets_tokens": 6386773
+}
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/test.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_spice_up_story/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..db74ee10135e64bdf4f552e2d155330261a2d9ac
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_spice_up_story/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fef54b263e1f7e6543ea1f694db9d08447ebb085a576d43171a7879607e62d3c
+size 39058501
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/train.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_spice_up_story/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a6c480105e7583e3f713eba1477294d36665ac38
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_spice_up_story/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f73715baab3b83276d1adf0e26ddf92dea980327dcc5b2b8e4e97fbba9be08fb
+size 974302339
diff --git a/data/cnn_dailymail_3.0.0_spice_up_story/validation.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_spice_up_story/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f29c25197fa36980eb841146473d599634c57dc0
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_spice_up_story/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dd7752b2b45e29d2ab50ff25cad09b18cd248f775449d9502a20f66a9a74c3c3
+size 45638289
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/COMPLETED b/data/cnn_dailymail_3.0.0_sum_in_brief/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/info.test.json b/data/cnn_dailymail_3.0.0_sum_in_brief/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_sum_in_brief/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/info.train.json b/data/cnn_dailymail_3.0.0_sum_in_brief/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_sum_in_brief/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/info.validation.json b/data/cnn_dailymail_3.0.0_sum_in_brief/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_sum_in_brief/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/stats.test.json b/data/cnn_dailymail_3.0.0_sum_in_brief/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..54790cb31ddbf8fe852db3fd6af592aaaccb755f
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_sum_in_brief/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11490,
+  "inputs_max_tokens": 727,
+  "inputs_tokens": 5594297,
+  "targets_max_tokens": 600,
+  "targets_tokens": 898618
+}
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/stats.train.json b/data/cnn_dailymail_3.0.0_sum_in_brief/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..62fc5eff9dfa3746c7b37a9723ba2aed606c7f6a
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_sum_in_brief/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 287113,
+  "inputs_max_tokens": 1192,
+  "inputs_tokens": 140914960,
+  "targets_max_tokens": 848,
+  "targets_tokens": 21144780
+}
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/stats.validation.json b/data/cnn_dailymail_3.0.0_sum_in_brief/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0c193d90d5de1237983515233999df25733c9096
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_sum_in_brief/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13368,
+  "inputs_max_tokens": 751,
+  "inputs_tokens": 6480349,
+  "targets_max_tokens": 512,
+  "targets_tokens": 1096906
+}
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/test.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_sum_in_brief/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..86411386e537899d1af2d9928ec59183695d90f6
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_sum_in_brief/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9517093938e9fb885d7489515036f19f0365cf78d58aed76bd5a523aa94e5676
+size 38229248
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/train.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_sum_in_brief/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e5863ec554a8b0e19db514d79675d903eb26ede8
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_sum_in_brief/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d38827ff4aeb46726f954d8dfbf86619cd65fc9b481a28fcc8541e66af389afc
+size 953575537
diff --git a/data/cnn_dailymail_3.0.0_sum_in_brief/validation.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_sum_in_brief/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ef34d23649a27891121f4f77f6d8b8eb38241a57
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_sum_in_brief/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72b7b1d2dda959aa13192b2db783d7cf17f50bfe9f2124eec42e54e37bc6ead3
+size 44675744
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/COMPLETED b/data/cnn_dailymail_3.0.0_tldr_summary/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/info.test.json b/data/cnn_dailymail_3.0.0_tldr_summary/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_tldr_summary/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/info.train.json b/data/cnn_dailymail_3.0.0_tldr_summary/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_tldr_summary/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/info.validation.json b/data/cnn_dailymail_3.0.0_tldr_summary/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_tldr_summary/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/stats.test.json b/data/cnn_dailymail_3.0.0_tldr_summary/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b05ac3182566d94796224309c0cb37f3beca8693
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_tldr_summary/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11490,
+  "inputs_max_tokens": 748,
+  "inputs_tokens": 5835587,
+  "targets_max_tokens": 600,
+  "targets_tokens": 898618
+}
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/stats.train.json b/data/cnn_dailymail_3.0.0_tldr_summary/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..004939a11b2cca192edb1b36d6c02027af3229b2
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_tldr_summary/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 287113,
+  "inputs_max_tokens": 1213,
+  "inputs_tokens": 146944333,
+  "targets_max_tokens": 848,
+  "targets_tokens": 21144780
+}
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/stats.validation.json b/data/cnn_dailymail_3.0.0_tldr_summary/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4e776ce02ebbd649e4e9c89cf23e9ed51382ecd4
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_tldr_summary/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13368,
+  "inputs_max_tokens": 772,
+  "inputs_tokens": 6761077,
+  "targets_max_tokens": 512,
+  "targets_tokens": 1096906
+}
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/test.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_tldr_summary/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e5017da8301c75a3aceba6b22277bd8c653a6e59
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_tldr_summary/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:457ad6b173dc9d55eec283a44e2d5bbfce6b0781d36c3e83421264cfc26ceefb
+size 39401250
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/train.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_tldr_summary/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f6047800bdddfe3bffc3b0d1442356fb46c76fee
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_tldr_summary/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3c2277e9b3c102c578a972054a360b8000312bf67f2107dced86669843a71426
+size 982861905
diff --git a/data/cnn_dailymail_3.0.0_tldr_summary/validation.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_tldr_summary/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d8db8a5e6d9bc1700fb95f9c5df9bce603488f72
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_tldr_summary/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0e1d23e1a2bed681d62a552eedef1e166ab0576e400e9474be17bf6c2e148a1b
+size 46039308
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/COMPLETED b/data/cnn_dailymail_3.0.0_write_an_outline/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/info.test.json b/data/cnn_dailymail_3.0.0_write_an_outline/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_write_an_outline/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/info.train.json b/data/cnn_dailymail_3.0.0_write_an_outline/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_write_an_outline/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/info.validation.json b/data/cnn_dailymail_3.0.0_write_an_outline/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_write_an_outline/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/stats.test.json b/data/cnn_dailymail_3.0.0_write_an_outline/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4534701d4e1f55ff6870036f4c056f07204cee44
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_write_an_outline/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11490,
+  "inputs_max_tokens": 737,
+  "inputs_tokens": 5709197,
+  "targets_max_tokens": 600,
+  "targets_tokens": 898618
+}
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/stats.train.json b/data/cnn_dailymail_3.0.0_write_an_outline/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3a3d59650e7ede6f0823d69de592aa66da5b2abe
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_write_an_outline/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 287113,
+  "inputs_max_tokens": 1202,
+  "inputs_tokens": 143786090,
+  "targets_max_tokens": 848,
+  "targets_tokens": 21144780
+}
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/stats.validation.json b/data/cnn_dailymail_3.0.0_write_an_outline/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2fd663c6359f57ee2d8875b90efa2616f26355bc
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_write_an_outline/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13368,
+  "inputs_max_tokens": 761,
+  "inputs_tokens": 6614029,
+  "targets_max_tokens": 512,
+  "targets_tokens": 1096906
+}
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/test.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_write_an_outline/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a7cc0ae652c748e54d82e21a986ae4946f91607f
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_write_an_outline/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aaf3bf355bd633d3dab9610897cabd660e6a4590ac44acf889c744dc83c83103
+size 38872710
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/train.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_write_an_outline/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eb2f9eca50d6c5f6e7b3b18eff64851b0416c7b3
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_write_an_outline/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aaa8ed02754b2d753cb1b2f1ac329521431b382431c4aa1956a95b2df526b6ad
+size 969654662
diff --git a/data/cnn_dailymail_3.0.0_write_an_outline/validation.tfrecord-00000-of-00001 b/data/cnn_dailymail_3.0.0_write_an_outline/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1a7eb547b4aaf2a950d5871f6b74a5657a3e01c6
--- /dev/null
+++ b/data/cnn_dailymail_3.0.0_write_an_outline/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:259616b42e03adc5d86c4e420f92a8bde3f12679919fb7be8047a048135d9dc7
+size 45424379
diff --git a/data/common_gen_Example_prompt/COMPLETED b/data/common_gen_Example_prompt/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/common_gen_Example_prompt/info.test.json b/data/common_gen_Example_prompt/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Example_prompt/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Example_prompt/info.train.json b/data/common_gen_Example_prompt/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Example_prompt/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Example_prompt/info.validation.json b/data/common_gen_Example_prompt/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Example_prompt/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Example_prompt/stats.test.json b/data/common_gen_Example_prompt/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..31d437431ec9cb34c5a0654ef6ac0e6c72792e23
--- /dev/null
+++ b/data/common_gen_Example_prompt/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1497,
+  "inputs_max_tokens": 43,
+  "inputs_tokens": 54762,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/common_gen_Example_prompt/stats.train.json b/data/common_gen_Example_prompt/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b0564b7248973afeea880d64b4453f9fb8812c20
--- /dev/null
+++ b/data/common_gen_Example_prompt/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 67389,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 2287821,
+  "targets_max_tokens": 35,
+  "targets_tokens": 887663
+}
diff --git a/data/common_gen_Example_prompt/stats.validation.json b/data/common_gen_Example_prompt/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..bbb6c7a87fcf486f689028ed6761f0f16ffa933d
--- /dev/null
+++ b/data/common_gen_Example_prompt/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4018,
+  "inputs_max_tokens": 44,
+  "inputs_tokens": 140793,
+  "targets_max_tokens": 54,
+  "targets_tokens": 58132
+}
diff --git a/data/common_gen_Example_prompt/test.tfrecord-00000-of-00001 b/data/common_gen_Example_prompt/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1db7c0ff642a7407b9192fa57a2740265bb0bc08
--- /dev/null
+++ b/data/common_gen_Example_prompt/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d0dc78006593745fc90e468b4841df61a456a6483d5786a67d1fa2aacf2e681b
+size 515348
diff --git a/data/common_gen_Example_prompt/train.tfrecord-00000-of-00001 b/data/common_gen_Example_prompt/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8ffcf64794d2d7d68cbb3d19ee4cebc167608770
--- /dev/null
+++ b/data/common_gen_Example_prompt/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:39ac44664ca50a76f74e36a630122813c14b2d04044483f5e027bd58d523629c
+size 27730475
diff --git a/data/common_gen_Example_prompt/validation.tfrecord-00000-of-00001 b/data/common_gen_Example_prompt/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8ea2320c866525cbc4b6ab472aead2d8e0534b47
--- /dev/null
+++ b/data/common_gen_Example_prompt/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d410403466ba6579a55daa7ab2121cbf7b3bbc5fd178cb735445077f143dc947
+size 1666638
diff --git a/data/common_gen_Given_concepts_type_1/COMPLETED b/data/common_gen_Given_concepts_type_1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/common_gen_Given_concepts_type_1/info.test.json b/data/common_gen_Given_concepts_type_1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_1/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Given_concepts_type_1/info.train.json b/data/common_gen_Given_concepts_type_1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_1/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Given_concepts_type_1/info.validation.json b/data/common_gen_Given_concepts_type_1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_1/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Given_concepts_type_1/stats.test.json b/data/common_gen_Given_concepts_type_1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7929c96cfb1195bc951099d585447d971addad96
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1497,
+  "inputs_max_tokens": 33,
+  "inputs_tokens": 39792,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/common_gen_Given_concepts_type_1/stats.train.json b/data/common_gen_Given_concepts_type_1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9ea2b05df8fdb38aed9e2e51a0cb564162db009d
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 67389,
+  "inputs_max_tokens": 36,
+  "inputs_tokens": 1613931,
+  "targets_max_tokens": 35,
+  "targets_tokens": 887663
+}
diff --git a/data/common_gen_Given_concepts_type_1/stats.validation.json b/data/common_gen_Given_concepts_type_1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..bab8d2d27879c517313e5d1cdf4d15db42b62de6
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4018,
+  "inputs_max_tokens": 34,
+  "inputs_tokens": 100613,
+  "targets_max_tokens": 54,
+  "targets_tokens": 58132
+}
diff --git a/data/common_gen_Given_concepts_type_1/test.tfrecord-00000-of-00001 b/data/common_gen_Given_concepts_type_1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d8cb219d87a5579addc20b52bcfac8578a20f35f
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c7f250206b6ba10e1144d33dac06787aef6d2938beae9573df26b0a33f38fdb7
+size 383161
diff --git a/data/common_gen_Given_concepts_type_1/train.tfrecord-00000-of-00001 b/data/common_gen_Given_concepts_type_1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9bc29e293d70ba313f53088431c52c83d99744f5
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5b19b469d6ec7017dab3679930c6bbe1d885bac2b8fcdbc1e43a09f5eb1c5f62
+size 21746901
diff --git a/data/common_gen_Given_concepts_type_1/validation.tfrecord-00000-of-00001 b/data/common_gen_Given_concepts_type_1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9c5ce48a899b0960138278c3da7fdaa851babf0f
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:475d6eedee94d4afc4312ae28f88193790b5f0b4dc1527c00e80ffb810ef7f9f
+size 1310463
diff --git a/data/common_gen_Given_concepts_type_2/COMPLETED b/data/common_gen_Given_concepts_type_2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/common_gen_Given_concepts_type_2/info.test.json b/data/common_gen_Given_concepts_type_2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_2/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Given_concepts_type_2/info.train.json b/data/common_gen_Given_concepts_type_2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_2/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Given_concepts_type_2/info.validation.json b/data/common_gen_Given_concepts_type_2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_2/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Given_concepts_type_2/stats.test.json b/data/common_gen_Given_concepts_type_2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..79e8bd2c5026f8ce77dded2b80b8fb96101d7f72
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1497,
+  "inputs_max_tokens": 36,
+  "inputs_tokens": 44283,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/common_gen_Given_concepts_type_2/stats.train.json b/data/common_gen_Given_concepts_type_2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1ad8d21491cf9f5c89fc57e63df677a709aa1d81
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 67389,
+  "inputs_max_tokens": 39,
+  "inputs_tokens": 1816098,
+  "targets_max_tokens": 35,
+  "targets_tokens": 887663
+}
diff --git a/data/common_gen_Given_concepts_type_2/stats.validation.json b/data/common_gen_Given_concepts_type_2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..33ccb99d9dd90bdbb49646f4ba8446e9e1c489a2
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4018,
+  "inputs_max_tokens": 37,
+  "inputs_tokens": 112667,
+  "targets_max_tokens": 54,
+  "targets_tokens": 58132
+}
diff --git a/data/common_gen_Given_concepts_type_2/test.tfrecord-00000-of-00001 b/data/common_gen_Given_concepts_type_2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..529d086513522a253332d4539c7ff669ea5598e8
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bd21710c672da2a0757e183583923c2b5baf76f799ed490965bbad85ab8d4042
+size 401614
diff --git a/data/common_gen_Given_concepts_type_2/train.tfrecord-00000-of-00001 b/data/common_gen_Given_concepts_type_2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8390cf75234893934be62d6f7dc401913998c5d0
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:36ce43be53fb694ae525b035993abf2929c25c896e119ddbc0356d34a4d6bf40
+size 22599009
diff --git a/data/common_gen_Given_concepts_type_2/validation.tfrecord-00000-of-00001 b/data/common_gen_Given_concepts_type_2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d3cd70a571f89bce5519cd12a6386646b3b98d9b
--- /dev/null
+++ b/data/common_gen_Given_concepts_type_2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5a64a2ef14179f0d71644c407e3852aa921640eaed5bc8d34d5bb34942d15dc7
+size 1360377
diff --git a/data/common_gen_Put_together/COMPLETED b/data/common_gen_Put_together/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/common_gen_Put_together/info.test.json b/data/common_gen_Put_together/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Put_together/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Put_together/info.train.json b/data/common_gen_Put_together/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Put_together/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Put_together/info.validation.json b/data/common_gen_Put_together/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_Put_together/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_Put_together/stats.test.json b/data/common_gen_Put_together/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2eaf126374efa64079b944083bf7b7c31ce54512
--- /dev/null
+++ b/data/common_gen_Put_together/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1497,
+  "inputs_max_tokens": 26,
+  "inputs_tokens": 29313,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/common_gen_Put_together/stats.train.json b/data/common_gen_Put_together/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4f496a2493e86c8b32465a8ac19403a0ecac3c10
--- /dev/null
+++ b/data/common_gen_Put_together/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 67389,
+  "inputs_max_tokens": 29,
+  "inputs_tokens": 1142208,
+  "targets_max_tokens": 35,
+  "targets_tokens": 887663
+}
diff --git a/data/common_gen_Put_together/stats.validation.json b/data/common_gen_Put_together/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e4561cd2940bae82bc998680c33b442243889ae6
--- /dev/null
+++ b/data/common_gen_Put_together/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4018,
+  "inputs_max_tokens": 27,
+  "inputs_tokens": 72487,
+  "targets_max_tokens": 54,
+  "targets_tokens": 58132
+}
diff --git a/data/common_gen_Put_together/test.tfrecord-00000-of-00001 b/data/common_gen_Put_together/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2d0199a76c81f2f40c4720abed3975bad8f58253
--- /dev/null
+++ b/data/common_gen_Put_together/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6ce1c87d97dfea6d59fba60a8902cf659b307e62d6d7d547dd4bbba08c9c9f0a
+size 328223
diff --git a/data/common_gen_Put_together/train.tfrecord-00000-of-00001 b/data/common_gen_Put_together/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4b77dc952d22519bd61c422032789ec96f5cf125
--- /dev/null
+++ b/data/common_gen_Put_together/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:65f596f866f6b0ccf321be07da30a51aaa0a463cf16dae71637805ecc5639d15
+size 19306851
diff --git a/data/common_gen_Put_together/validation.tfrecord-00000-of-00001 b/data/common_gen_Put_together/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d343dbc1f5e9ac0e545ce7e475a7dccb2069995d
--- /dev/null
+++ b/data/common_gen_Put_together/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:78af509adc5155c235a4eb3987b96156a8fef54d62d941f85ca32211ddade4b3
+size 1164388
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/COMPLETED b/data/common_gen_choice_in_concept_centric_sentence_generation/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/info.test.json b/data/common_gen_choice_in_concept_centric_sentence_generation/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_choice_in_concept_centric_sentence_generation/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/info.train.json b/data/common_gen_choice_in_concept_centric_sentence_generation/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_choice_in_concept_centric_sentence_generation/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/info.validation.json b/data/common_gen_choice_in_concept_centric_sentence_generation/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_choice_in_concept_centric_sentence_generation/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/stats.test.json b/data/common_gen_choice_in_concept_centric_sentence_generation/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2f1c167df497901b6ddd93dbc5a64c740b0a11a3
--- /dev/null
+++ b/data/common_gen_choice_in_concept_centric_sentence_generation/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1497,
+  "inputs_max_tokens": 37,
+  "inputs_tokens": 42984,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/stats.train.json b/data/common_gen_choice_in_concept_centric_sentence_generation/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..29f4b519ec820d22c94b3c02f743861bb2dc510a
--- /dev/null
+++ b/data/common_gen_choice_in_concept_centric_sentence_generation/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 67389,
+  "inputs_max_tokens": 41,
+  "inputs_tokens": 1758618,
+  "targets_max_tokens": 35,
+  "targets_tokens": 887663
+}
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/stats.validation.json b/data/common_gen_choice_in_concept_centric_sentence_generation/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3aa31afd0cbfbcaf8f31d0e7b264fc5edde1f86c
--- /dev/null
+++ b/data/common_gen_choice_in_concept_centric_sentence_generation/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4018,
+  "inputs_max_tokens": 40,
+  "inputs_tokens": 109079,
+  "targets_max_tokens": 54,
+  "targets_tokens": 58132
+}
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/test.tfrecord-00000-of-00001 b/data/common_gen_choice_in_concept_centric_sentence_generation/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bc8f0a5db430e899abc551652734e2bb85dba069
--- /dev/null
+++ b/data/common_gen_choice_in_concept_centric_sentence_generation/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cedb4e38869d7a7a133589a321f7ad9e183b6c43f5eb7d4a53f8594091f90ffa
+size 412582
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/train.tfrecord-00000-of-00001 b/data/common_gen_choice_in_concept_centric_sentence_generation/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..678ff3bef9859a0368b039c532a823b20808a199
--- /dev/null
+++ b/data/common_gen_choice_in_concept_centric_sentence_generation/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e100df6721f56ddc3a08d3e6d6ff6205d2131710ae48be71178645407198e958
+size 23137922
diff --git a/data/common_gen_choice_in_concept_centric_sentence_generation/validation.tfrecord-00000-of-00001 b/data/common_gen_choice_in_concept_centric_sentence_generation/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..71c552dbaa196899efe4b423ea830c71bf23797f
--- /dev/null
+++ b/data/common_gen_choice_in_concept_centric_sentence_generation/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:854a41df9b143407410d38d0ab8cbe66af24f8844aea63aeacbdb1269426bb7d
+size 1389203
diff --git a/data/common_gen_random_task_template_prompt/COMPLETED b/data/common_gen_random_task_template_prompt/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/common_gen_random_task_template_prompt/info.test.json b/data/common_gen_random_task_template_prompt/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_random_task_template_prompt/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_random_task_template_prompt/info.train.json b/data/common_gen_random_task_template_prompt/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_random_task_template_prompt/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_random_task_template_prompt/info.validation.json b/data/common_gen_random_task_template_prompt/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_random_task_template_prompt/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_random_task_template_prompt/stats.test.json b/data/common_gen_random_task_template_prompt/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c5c7f28f78f15f502c8d2bcbf3dabb47a67b975
--- /dev/null
+++ b/data/common_gen_random_task_template_prompt/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1497,
+  "inputs_max_tokens": 25,
+  "inputs_tokens": 28359,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/common_gen_random_task_template_prompt/stats.train.json b/data/common_gen_random_task_template_prompt/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..67a36f7eac5c098c3bdb482bb701e1ca23c6307e
--- /dev/null
+++ b/data/common_gen_random_task_template_prompt/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 67389,
+  "inputs_max_tokens": 29,
+  "inputs_tokens": 1097092,
+  "targets_max_tokens": 35,
+  "targets_tokens": 887663
+}
diff --git a/data/common_gen_random_task_template_prompt/stats.validation.json b/data/common_gen_random_task_template_prompt/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..be4ef0c96f84caf98cf9bb06991c661ad4cfa35d
--- /dev/null
+++ b/data/common_gen_random_task_template_prompt/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4018,
+  "inputs_max_tokens": 27,
+  "inputs_tokens": 69759,
+  "targets_max_tokens": 54,
+  "targets_tokens": 58132
+}
diff --git a/data/common_gen_random_task_template_prompt/test.tfrecord-00000-of-00001 b/data/common_gen_random_task_template_prompt/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..74beafa2f177149c6033583a766c318dcf325bc4
--- /dev/null
+++ b/data/common_gen_random_task_template_prompt/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8325e3d93f088ea0e726788b91a8c9d9182a177c52a26342547fdfc9ad0698d2
+size 329200
diff --git a/data/common_gen_random_task_template_prompt/train.tfrecord-00000-of-00001 b/data/common_gen_random_task_template_prompt/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bcb0d79f321e39688d4043ba8bb23b574ee8204e
--- /dev/null
+++ b/data/common_gen_random_task_template_prompt/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5d0a33b2c5341f40e1bb257daf23d0360cae64a21097bc9726dfb2cb97a57384
+size 19327981
diff --git a/data/common_gen_random_task_template_prompt/validation.tfrecord-00000-of-00001 b/data/common_gen_random_task_template_prompt/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..50b02e72c2a19e4b1890171fa8750e565ae250c3
--- /dev/null
+++ b/data/common_gen_random_task_template_prompt/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:025954e7ed455ba18bf175b8c72a6373de59a77dbba0f1092dd961401e20b283
+size 1164734
diff --git a/data/common_gen_sentence_to_concepts/COMPLETED b/data/common_gen_sentence_to_concepts/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/common_gen_sentence_to_concepts/info.test.json b/data/common_gen_sentence_to_concepts/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_sentence_to_concepts/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_sentence_to_concepts/info.train.json b/data/common_gen_sentence_to_concepts/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_sentence_to_concepts/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_sentence_to_concepts/info.validation.json b/data/common_gen_sentence_to_concepts/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_sentence_to_concepts/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_sentence_to_concepts/stats.test.json b/data/common_gen_sentence_to_concepts/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6d727db950748d781f74b1dd8a5499dcfee54ae2
--- /dev/null
+++ b/data/common_gen_sentence_to_concepts/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1497,
+  "inputs_max_tokens": 13,
+  "inputs_tokens": 19461,
+  "targets_max_tokens": 15,
+  "targets_tokens": 12846
+}
diff --git a/data/common_gen_sentence_to_concepts/stats.train.json b/data/common_gen_sentence_to_concepts/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f990f8387e8fdb32e6e28aecb3d7b23c76bd469
--- /dev/null
+++ b/data/common_gen_sentence_to_concepts/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 67389,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 1697877,
+  "targets_max_tokens": 18,
+  "targets_tokens": 400929
+}
diff --git a/data/common_gen_sentence_to_concepts/stats.validation.json b/data/common_gen_sentence_to_concepts/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..65deae62af0877295daa0d55e78c3eaef46fefd5
--- /dev/null
+++ b/data/common_gen_sentence_to_concepts/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4018,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 106367,
+  "targets_max_tokens": 16,
+  "targets_tokens": 28289
+}
diff --git a/data/common_gen_sentence_to_concepts/test.tfrecord-00000-of-00001 b/data/common_gen_sentence_to_concepts/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9abad3449cb002d6ed6e76fcfe3a0000527e9b79
--- /dev/null
+++ b/data/common_gen_sentence_to_concepts/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2ded1f8c2f21cd5a0c46300917ae2454b4f1f2052582bead11647ce74d262463
+size 343193
diff --git a/data/common_gen_sentence_to_concepts/train.tfrecord-00000-of-00001 b/data/common_gen_sentence_to_concepts/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0d66d22b367dad3891a1dc049bb020b8e625641f
--- /dev/null
+++ b/data/common_gen_sentence_to_concepts/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c7fa7df4f0e199b174365f36781838f4c41671b91facaac009bae8f3407197ff
+size 20011136
diff --git a/data/common_gen_sentence_to_concepts/validation.tfrecord-00000-of-00001 b/data/common_gen_sentence_to_concepts/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..76c5961c0c8341f0a45076363d4692c49f515586
--- /dev/null
+++ b/data/common_gen_sentence_to_concepts/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e0149f2e863e26f8738105ddc6112f04674b406647d772f9276b4d7345efb557
+size 1205624
diff --git a/data/common_gen_topic_to_sentence/COMPLETED b/data/common_gen_topic_to_sentence/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/common_gen_topic_to_sentence/info.test.json b/data/common_gen_topic_to_sentence/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_topic_to_sentence/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_topic_to_sentence/info.train.json b/data/common_gen_topic_to_sentence/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_topic_to_sentence/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_topic_to_sentence/info.validation.json b/data/common_gen_topic_to_sentence/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_topic_to_sentence/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_topic_to_sentence/stats.test.json b/data/common_gen_topic_to_sentence/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a0b20267a3cf20cedca99c38205898cd2ff95f70
--- /dev/null
+++ b/data/common_gen_topic_to_sentence/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1497,
+  "inputs_max_tokens": 16,
+  "inputs_tokens": 16674,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/common_gen_topic_to_sentence/stats.train.json b/data/common_gen_topic_to_sentence/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..014a22623be9f5a982a6b1d5462352332230ac14
--- /dev/null
+++ b/data/common_gen_topic_to_sentence/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 67389,
+  "inputs_max_tokens": 18,
+  "inputs_tokens": 751112,
+  "targets_max_tokens": 35,
+  "targets_tokens": 887663
+}
diff --git a/data/common_gen_topic_to_sentence/stats.validation.json b/data/common_gen_topic_to_sentence/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..44550ae9cbfc8f299a726f784a32dff3cc9ec78b
--- /dev/null
+++ b/data/common_gen_topic_to_sentence/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4018,
+  "inputs_max_tokens": 16,
+  "inputs_tokens": 44628,
+  "targets_max_tokens": 54,
+  "targets_tokens": 58132
+}
diff --git a/data/common_gen_topic_to_sentence/test.tfrecord-00000-of-00001 b/data/common_gen_topic_to_sentence/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b1fb1aee29a99ce2417e3af1399788687f78563c
--- /dev/null
+++ b/data/common_gen_topic_to_sentence/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ba00542e22add044f63b738c5df60737cf0abf166e5fb4c9a9aed4c606955d35
+size 265113
diff --git a/data/common_gen_topic_to_sentence/train.tfrecord-00000-of-00001 b/data/common_gen_topic_to_sentence/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5120ca8dda17069065d6a1078942bcd18bbfd1df
--- /dev/null
+++ b/data/common_gen_topic_to_sentence/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5d0473714480672b63c673e45e573c4d8dc9b7dee33b9cb49eb1881d5dcb701e
+size 17213524
diff --git a/data/common_gen_topic_to_sentence/validation.tfrecord-00000-of-00001 b/data/common_gen_topic_to_sentence/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6989d7cb9d512e6344cbb772466e50961e249ab5
--- /dev/null
+++ b/data/common_gen_topic_to_sentence/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:21c160e4671dc50d6c31c5ee6a929a5e3c907748e53d2e1f600d6f95f6ec36dc
+size 1024689
diff --git a/data/common_gen_topics_from_the_sentence/COMPLETED b/data/common_gen_topics_from_the_sentence/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/common_gen_topics_from_the_sentence/info.test.json b/data/common_gen_topics_from_the_sentence/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_topics_from_the_sentence/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_topics_from_the_sentence/info.train.json b/data/common_gen_topics_from_the_sentence/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_topics_from_the_sentence/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_topics_from_the_sentence/info.validation.json b/data/common_gen_topics_from_the_sentence/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/common_gen_topics_from_the_sentence/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/common_gen_topics_from_the_sentence/stats.test.json b/data/common_gen_topics_from_the_sentence/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8b03f9a7dd39a3150b9183ac4474d57c0ae8a32f
--- /dev/null
+++ b/data/common_gen_topics_from_the_sentence/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1497,
+  "inputs_max_tokens": 8,
+  "inputs_tokens": 11976,
+  "targets_max_tokens": 15,
+  "targets_tokens": 12846
+}
diff --git a/data/common_gen_topics_from_the_sentence/stats.train.json b/data/common_gen_topics_from_the_sentence/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..23e2012b5a73a59e08340178d1026bd330f2b6e6
--- /dev/null
+++ b/data/common_gen_topics_from_the_sentence/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 67389,
+  "inputs_max_tokens": 43,
+  "inputs_tokens": 1426775,
+  "targets_max_tokens": 18,
+  "targets_tokens": 400929
+}
diff --git a/data/common_gen_topics_from_the_sentence/stats.validation.json b/data/common_gen_topics_from_the_sentence/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..589a79d5978e5d51ba51228beccb9241909ff1c6
--- /dev/null
+++ b/data/common_gen_topics_from_the_sentence/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4018,
+  "inputs_max_tokens": 62,
+  "inputs_tokens": 90276,
+  "targets_max_tokens": 16,
+  "targets_tokens": 28289
+}
diff --git a/data/common_gen_topics_from_the_sentence/test.tfrecord-00000-of-00001 b/data/common_gen_topics_from_the_sentence/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0fae762f3f225f3543546337d1ab036595c6d5e2
--- /dev/null
+++ b/data/common_gen_topics_from_the_sentence/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fffb720b57146caac225b4be76ac49413edbbbff7782bfc968ccba898ef28449
+size 305768
diff --git a/data/common_gen_topics_from_the_sentence/train.tfrecord-00000-of-00001 b/data/common_gen_topics_from_the_sentence/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d59af1132717277e8c324eb0f32fc4c438db2e81
--- /dev/null
+++ b/data/common_gen_topics_from_the_sentence/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:09ced2fe9a197cec9bb6842433a5f9ffa6292bebe169e1b2b5dc5c26733d2a21
+size 18331557
diff --git a/data/common_gen_topics_from_the_sentence/validation.tfrecord-00000-of-00001 b/data/common_gen_topics_from_the_sentence/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c062bfca7e0241d0a3e00e77d000370551929ce7
--- /dev/null
+++ b/data/common_gen_topics_from_the_sentence/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6d8af2f9cd6433fd7c7392ade23040ae911be7bc5ee8aac49c6cc5cb7a311654
+size 1105924
diff --git a/data/cos_e_v1.11_aligned_with_common_sense/COMPLETED b/data/cos_e_v1.11_aligned_with_common_sense/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_aligned_with_common_sense/info.train.json b/data/cos_e_v1.11_aligned_with_common_sense/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_aligned_with_common_sense/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_aligned_with_common_sense/info.validation.json b/data/cos_e_v1.11_aligned_with_common_sense/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_aligned_with_common_sense/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_aligned_with_common_sense/stats.train.json b/data/cos_e_v1.11_aligned_with_common_sense/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7a16af7351c85af8c4487bc1a367e2cb112db600
--- /dev/null
+++ b/data/cos_e_v1.11_aligned_with_common_sense/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 122,
+  "inputs_tokens": 634166,
+  "targets_max_tokens": 68,
+  "targets_tokens": 89047
+}
diff --git a/data/cos_e_v1.11_aligned_with_common_sense/stats.validation.json b/data/cos_e_v1.11_aligned_with_common_sense/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0178dec6e9f085c15a833adc670394a30ac7d29b
--- /dev/null
+++ b/data/cos_e_v1.11_aligned_with_common_sense/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 116,
+  "inputs_tokens": 79193,
+  "targets_max_tokens": 35,
+  "targets_tokens": 9578
+}
diff --git a/data/cos_e_v1.11_aligned_with_common_sense/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_aligned_with_common_sense/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ca940414496d1b529d5567f5c917f5debba66a66
--- /dev/null
+++ b/data/cos_e_v1.11_aligned_with_common_sense/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c915cca544bbafe99d6a5c36617e2947d3e670bebb5391f87652df8568ba1a17
+size 5088509
diff --git a/data/cos_e_v1.11_aligned_with_common_sense/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_aligned_with_common_sense/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e18786274c1a02693a8c0bf84c7e7316f9d3dbd4
--- /dev/null
+++ b/data/cos_e_v1.11_aligned_with_common_sense/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3946a775a8b35bdfb2d03b6a06bbd69daaf43882a352fda057c168bb1d93cf1e
+size 624079
diff --git a/data/cos_e_v1.11_description_question_option_id/COMPLETED b/data/cos_e_v1.11_description_question_option_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_description_question_option_id/info.train.json b/data/cos_e_v1.11_description_question_option_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_description_question_option_id/info.validation.json b/data/cos_e_v1.11_description_question_option_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_description_question_option_id/stats.train.json b/data/cos_e_v1.11_description_question_option_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c7e3db19471b4ac713baa5e9ca69ce6849e52d6f
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 110,
+  "inputs_tokens": 520936,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9741
+}
diff --git a/data/cos_e_v1.11_description_question_option_id/stats.validation.json b/data/cos_e_v1.11_description_question_option_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f9b733c72efc1b9169b8dc1f158649fd4e31ebc1
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 105,
+  "inputs_tokens": 65001,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1221
+}
diff --git a/data/cos_e_v1.11_description_question_option_id/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_description_question_option_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..167259a0f0c5c794626e463bf5ba79bf99e8beb3
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8318edaa8543c50ecfaa0430051d42f6da7e12268446df547415ad11fe56b9d8
+size 4569359
diff --git a/data/cos_e_v1.11_description_question_option_id/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_description_question_option_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..274f3b0f29eb6f7b3bea6acfa8fa6514d64f1055
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aaf74e09da2be23b974893caaef8cdd475e2b87bfcb5bdb195df6452f709a044
+size 569591
diff --git a/data/cos_e_v1.11_description_question_option_text/COMPLETED b/data/cos_e_v1.11_description_question_option_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_description_question_option_text/info.train.json b/data/cos_e_v1.11_description_question_option_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_description_question_option_text/info.validation.json b/data/cos_e_v1.11_description_question_option_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_description_question_option_text/stats.train.json b/data/cos_e_v1.11_description_question_option_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0a3b51a2ef21650ea7bc304ff3ad90d8ce63fcdb
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 110,
+  "inputs_tokens": 520936,
+  "targets_max_tokens": 9,
+  "targets_tokens": 18519
+}
diff --git a/data/cos_e_v1.11_description_question_option_text/stats.validation.json b/data/cos_e_v1.11_description_question_option_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9bbe51a928d461c35f359014a7bc36716825bba6
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 105,
+  "inputs_tokens": 65001,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2342
+}
diff --git a/data/cos_e_v1.11_description_question_option_text/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_description_question_option_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ba380b9ef19c5eabd8a1acf0150017751e3d127d
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:02154074f860dfc22efd426ca3a6f71535042dc80b57716496563c5e966e6beb
+size 4939250
diff --git a/data/cos_e_v1.11_description_question_option_text/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_description_question_option_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e867a55814ab91b2ee8fd7ba8fba08267d3b0b29
--- /dev/null
+++ b/data/cos_e_v1.11_description_question_option_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:26decf08652253a61eefc93af67edcaac7a05b249ad16a657815b5764ffbf265
+size 615243
diff --git a/data/cos_e_v1.11_explain_why_human/COMPLETED b/data/cos_e_v1.11_explain_why_human/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_explain_why_human/info.train.json b/data/cos_e_v1.11_explain_why_human/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_explain_why_human/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_explain_why_human/info.validation.json b/data/cos_e_v1.11_explain_why_human/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_explain_why_human/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_explain_why_human/stats.train.json b/data/cos_e_v1.11_explain_why_human/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..eba31f4bfa5942667aa6c82085c45b5fba5e2fb7
--- /dev/null
+++ b/data/cos_e_v1.11_explain_why_human/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 115,
+  "inputs_tokens": 565987,
+  "targets_max_tokens": 68,
+  "targets_tokens": 89047
+}
diff --git a/data/cos_e_v1.11_explain_why_human/stats.validation.json b/data/cos_e_v1.11_explain_why_human/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..fd0bef7a514b43cbcb6dc966c9b31fcb9559bfc9
--- /dev/null
+++ b/data/cos_e_v1.11_explain_why_human/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 109,
+  "inputs_tokens": 70647,
+  "targets_max_tokens": 35,
+  "targets_tokens": 9578
+}
diff --git a/data/cos_e_v1.11_explain_why_human/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_explain_why_human/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bffadbe8be5d7bcbcd40773872ba1e6985e0b461
--- /dev/null
+++ b/data/cos_e_v1.11_explain_why_human/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:844b15104dc1b275a201747b96e3169c4430872cb16fd854b0183397346269b1
+size 4746571
diff --git a/data/cos_e_v1.11_explain_why_human/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_explain_why_human/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..63e7a7ef6bfdf9a6a3992f635ef4636ce5653934
--- /dev/null
+++ b/data/cos_e_v1.11_explain_why_human/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3f56b99f5560d0f19a9ced67029ba4314c0dc8d91d810ddf7026c32e992fdd8f
+size 581219
diff --git a/data/cos_e_v1.11_generate_explanation_given_text/COMPLETED b/data/cos_e_v1.11_generate_explanation_given_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_generate_explanation_given_text/info.train.json b/data/cos_e_v1.11_generate_explanation_given_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_generate_explanation_given_text/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_generate_explanation_given_text/info.validation.json b/data/cos_e_v1.11_generate_explanation_given_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_generate_explanation_given_text/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_generate_explanation_given_text/stats.train.json b/data/cos_e_v1.11_generate_explanation_given_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c82ff8774f9460d7aa678ad8b4cd99e9c2e90bcb
--- /dev/null
+++ b/data/cos_e_v1.11_generate_explanation_given_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 106,
+  "inputs_tokens": 478318,
+  "targets_max_tokens": 68,
+  "targets_tokens": 89047
+}
diff --git a/data/cos_e_v1.11_generate_explanation_given_text/stats.validation.json b/data/cos_e_v1.11_generate_explanation_given_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..dd6ae4ed44ffd56582d47f7565eb829719e930ac
--- /dev/null
+++ b/data/cos_e_v1.11_generate_explanation_given_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 100,
+  "inputs_tokens": 59658,
+  "targets_max_tokens": 35,
+  "targets_tokens": 9578
+}
diff --git a/data/cos_e_v1.11_generate_explanation_given_text/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_generate_explanation_given_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..68242f0e6f4bda615e1c3017a64d97106456655a
--- /dev/null
+++ b/data/cos_e_v1.11_generate_explanation_given_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fe9ffba8c14b5d2373b635a212d8d0a5107385b8a1042321b617dfee27227c21
+size 4190651
diff --git a/data/cos_e_v1.11_generate_explanation_given_text/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_generate_explanation_given_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..86328e92ffcdac4310323278cb4ea70da184de4d
--- /dev/null
+++ b/data/cos_e_v1.11_generate_explanation_given_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c4faaad48c862e63ef9a0bc3f3779769efc817fa6bc6453ff53f11c4c40dfa2c
+size 511549
diff --git a/data/cos_e_v1.11_i_think/COMPLETED b/data/cos_e_v1.11_i_think/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_i_think/info.train.json b/data/cos_e_v1.11_i_think/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_i_think/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_i_think/info.validation.json b/data/cos_e_v1.11_i_think/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_i_think/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_i_think/stats.train.json b/data/cos_e_v1.11_i_think/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b45b3196c7c9ada9466b7b2eeee0ee2f7a503a73
--- /dev/null
+++ b/data/cos_e_v1.11_i_think/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 124,
+  "inputs_tokens": 653656,
+  "targets_max_tokens": 68,
+  "targets_tokens": 89047
+}
diff --git a/data/cos_e_v1.11_i_think/stats.validation.json b/data/cos_e_v1.11_i_think/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d63b8f2693762dbd267cdde2d7a37cc8a02dde7
--- /dev/null
+++ b/data/cos_e_v1.11_i_think/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 118,
+  "inputs_tokens": 81636,
+  "targets_max_tokens": 35,
+  "targets_tokens": 9578
+}
diff --git a/data/cos_e_v1.11_i_think/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_i_think/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4a27e065f36a2a0cdfe9dd5acc74fdfd9c4ed220
--- /dev/null
+++ b/data/cos_e_v1.11_i_think/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:53e290e22bab6dba1c63940186b3935ab93024879b13a1f08704b251896e4eb1
+size 5098256
diff --git a/data/cos_e_v1.11_i_think/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_i_think/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bba33a3d7850ae69769ad168dee20879a0580d96
--- /dev/null
+++ b/data/cos_e_v1.11_i_think/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b8a406794f4e8de86697a40bee18aafbcb48113692343264598f9f3dcb75943b
+size 625301
diff --git a/data/cos_e_v1.11_question_description_option_id/COMPLETED b/data/cos_e_v1.11_question_description_option_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_question_description_option_id/info.train.json b/data/cos_e_v1.11_question_description_option_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_question_description_option_id/info.validation.json b/data/cos_e_v1.11_question_description_option_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_question_description_option_id/stats.train.json b/data/cos_e_v1.11_question_description_option_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3e910a2902f19b2d135b6c8b08b1633725eec1d9
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 106,
+  "inputs_tokens": 481972,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9741
+}
diff --git a/data/cos_e_v1.11_question_description_option_id/stats.validation.json b/data/cos_e_v1.11_question_description_option_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0df92fad42501a88590762e8090b289a2b818488
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 101,
+  "inputs_tokens": 60117,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1221
+}
diff --git a/data/cos_e_v1.11_question_description_option_id/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_question_description_option_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b7d1b7ad9ba530e078037d72b11e888ccfb84263
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bf590563abd9d023fa28f16c42cba7cab660bded43f4831cec4c995a9405a3c9
+size 4403619
diff --git a/data/cos_e_v1.11_question_description_option_id/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_question_description_option_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..816556436c6e52091fdca0b515b3d7ab36c3d635
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ce89dea48b987e2e50d20a4b7925716e754ab652e66ce7ff210f89fff59a0ad8
+size 548822
diff --git a/data/cos_e_v1.11_question_description_option_text/COMPLETED b/data/cos_e_v1.11_question_description_option_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_question_description_option_text/info.train.json b/data/cos_e_v1.11_question_description_option_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_question_description_option_text/info.validation.json b/data/cos_e_v1.11_question_description_option_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_question_description_option_text/stats.train.json b/data/cos_e_v1.11_question_description_option_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b32f555788a53018d45a3beada827ec57a8f8a4e
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 106,
+  "inputs_tokens": 481972,
+  "targets_max_tokens": 9,
+  "targets_tokens": 18519
+}
diff --git a/data/cos_e_v1.11_question_description_option_text/stats.validation.json b/data/cos_e_v1.11_question_description_option_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e1fffe234bac98a68797cf92c8db0a9e71f56ba
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 101,
+  "inputs_tokens": 60117,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2342
+}
diff --git a/data/cos_e_v1.11_question_description_option_text/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_question_description_option_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..86fd90114a935542491fea00daf09984e19e5d93
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:de9e8c0173ad35994571f8853e9e91b085b59456a233bfbf52501072ac3608ce
+size 4744313
diff --git a/data/cos_e_v1.11_question_description_option_text/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_question_description_option_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..895c4fc10026c00a32be726a5c6d3fd06bfcfa80
--- /dev/null
+++ b/data/cos_e_v1.11_question_description_option_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1a709dfa87948b70f6ea2ea7e595234f3ae5bab1eaa405c872f637df8fdbf737
+size 590810
diff --git a/data/cos_e_v1.11_question_option_description_id/COMPLETED b/data/cos_e_v1.11_question_option_description_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_question_option_description_id/info.train.json b/data/cos_e_v1.11_question_option_description_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_question_option_description_id/info.validation.json b/data/cos_e_v1.11_question_option_description_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_question_option_description_id/stats.train.json b/data/cos_e_v1.11_question_option_description_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..100c60a1208146ba0d38fb3afb156f31a839c1d2
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 97,
+  "inputs_tokens": 394303,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9741
+}
diff --git a/data/cos_e_v1.11_question_option_description_id/stats.validation.json b/data/cos_e_v1.11_question_option_description_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6d1d720e37a50821a8fba57bede19843c06cfb75
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 49128,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1221
+}
diff --git a/data/cos_e_v1.11_question_option_description_id/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_question_option_description_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..800ef30125d211a9b600b4119b57b9edef7218cb
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4d8a3f8000204c33003d7bca0b9cfa4c87014e5cc5bccf2f6460b815bacea753
+size 3719181
diff --git a/data/cos_e_v1.11_question_option_description_id/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_question_option_description_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..edb6fbdfccf79850577b664b34ce9ccb2a1e3824
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:69f9a7c34d8286046980c8503cfc17653390e15f32da86392fc5d93b48456f32
+size 463013
diff --git a/data/cos_e_v1.11_question_option_description_text/COMPLETED b/data/cos_e_v1.11_question_option_description_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_question_option_description_text/info.train.json b/data/cos_e_v1.11_question_option_description_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_question_option_description_text/info.validation.json b/data/cos_e_v1.11_question_option_description_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_question_option_description_text/stats.train.json b/data/cos_e_v1.11_question_option_description_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a4bf77f12ab1440f7026d5e932bbf5cd5ba0b843
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 97,
+  "inputs_tokens": 394303,
+  "targets_max_tokens": 9,
+  "targets_tokens": 18519
+}
diff --git a/data/cos_e_v1.11_question_option_description_text/stats.validation.json b/data/cos_e_v1.11_question_option_description_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1440dd33f2fe69bdac2810da1bd60069ffc204ac
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 49128,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2342
+}
diff --git a/data/cos_e_v1.11_question_option_description_text/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_question_option_description_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..60f9c4fe0e0b70c24aee5a440dbb50e64f292e1a
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6a1d05587ca30544c5ba7c4dc0953b852e6c447258380d3e4c94da88e87fa22a
+size 4085911
diff --git a/data/cos_e_v1.11_question_option_description_text/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_question_option_description_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..aa41c393bc0c051bbba534266b58891bcf730396
--- /dev/null
+++ b/data/cos_e_v1.11_question_option_description_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:230180f86c7d2584851f9066573ec6c77b71df673720c3448fcdfdfcab1dfc88
+size 508224
diff --git a/data/cos_e_v1.11_rationale/COMPLETED b/data/cos_e_v1.11_rationale/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cos_e_v1.11_rationale/info.train.json b/data/cos_e_v1.11_rationale/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_rationale/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_rationale/info.validation.json b/data/cos_e_v1.11_rationale/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cos_e_v1.11_rationale/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cos_e_v1.11_rationale/stats.train.json b/data/cos_e_v1.11_rationale/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1037b5246243ddcf5ebdeca3cde0ec7389ec35dc
--- /dev/null
+++ b/data/cos_e_v1.11_rationale/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9741,
+  "inputs_max_tokens": 114,
+  "inputs_tokens": 556246,
+  "targets_max_tokens": 68,
+  "targets_tokens": 89047
+}
diff --git a/data/cos_e_v1.11_rationale/stats.validation.json b/data/cos_e_v1.11_rationale/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b06d296fbba369764805b985818922744c45903b
--- /dev/null
+++ b/data/cos_e_v1.11_rationale/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1221,
+  "inputs_max_tokens": 108,
+  "inputs_tokens": 69426,
+  "targets_max_tokens": 35,
+  "targets_tokens": 9578
+}
diff --git a/data/cos_e_v1.11_rationale/train.tfrecord-00000-of-00001 b/data/cos_e_v1.11_rationale/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4be9ecefb64306bcbe3745636de2f791082dce4c
--- /dev/null
+++ b/data/cos_e_v1.11_rationale/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:521ad3149cd943d4cc8b6ad63b9deba376c306418f61343b2ce0d0810b3d4da7
+size 4531921
diff --git a/data/cos_e_v1.11_rationale/validation.tfrecord-00000-of-00001 b/data/cos_e_v1.11_rationale/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..553abdd488712818e215f5e650df0d451a1c7627
--- /dev/null
+++ b/data/cos_e_v1.11_rationale/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8e5b6b645b09866391911390e4b51d8264683996bed25a6fa959fb73e90f387f
+size 554318
diff --git a/data/cosmos_qa_context_answer_to_question/COMPLETED b/data/cosmos_qa_context_answer_to_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_context_answer_to_question/info.test.json b/data/cosmos_qa_context_answer_to_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cosmos_qa_context_answer_to_question/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_answer_to_question/info.train.json b/data/cosmos_qa_context_answer_to_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cosmos_qa_context_answer_to_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_answer_to_question/info.validation.json b/data/cosmos_qa_context_answer_to_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/cosmos_qa_context_answer_to_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_answer_to_question/stats.test.json b/data/cosmos_qa_context_answer_to_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c20a112b58f79e462dfb8ad125d0d6f9f580c21a
--- /dev/null
+++ b/data/cosmos_qa_context_answer_to_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 246,
+  "inputs_tokens": 774746,
+  "targets_max_tokens": 41,
+  "targets_tokens": 96631
+}
diff --git a/data/cosmos_qa_context_answer_to_question/stats.train.json b/data/cosmos_qa_context_answer_to_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6814f00ed1fc02acb8b2ea356b5dd9421612bf42
--- /dev/null
+++ b/data/cosmos_qa_context_answer_to_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 276,
+  "inputs_tokens": 2962266,
+  "targets_max_tokens": 46,
+  "targets_tokens": 336997
+}
diff --git a/data/cosmos_qa_context_answer_to_question/stats.validation.json b/data/cosmos_qa_context_answer_to_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7a824a75d65b66ffaa6e0169e166a716ba09ac64
--- /dev/null
+++ b/data/cosmos_qa_context_answer_to_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 240,
+  "inputs_tokens": 365729,
+  "targets_max_tokens": 36,
+  "targets_tokens": 41374
+}
diff --git a/data/cosmos_qa_context_answer_to_question/test.tfrecord-00000-of-00001 b/data/cosmos_qa_context_answer_to_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9776b45358ff439bf90d495d62b0fa88b6eda7d9
--- /dev/null
+++ b/data/cosmos_qa_context_answer_to_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fd799c1868ec22158f270cf6bb2a814767293417b76a4b2c183a0de8741c5668
+size 5413345
diff --git a/data/cosmos_qa_context_answer_to_question/train.tfrecord-00000-of-00001 b/data/cosmos_qa_context_answer_to_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bab8c071d7c5a12e4c40af20efcdc997898dcb19
--- /dev/null
+++ b/data/cosmos_qa_context_answer_to_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8adb298a927d284bc7938dc7f17d81ecba7938a272a3eff35e67160d1c41dd46
+size 20263201
diff --git a/data/cosmos_qa_context_answer_to_question/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_context_answer_to_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..691c67f9edfc62853ab36e9b68c62da5a690fdf8
--- /dev/null
+++ b/data/cosmos_qa_context_answer_to_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4ee97d13cf42349241e816e3d2fcc899839044d059299e231c8d7534af06e983
+size 2507932
diff --git a/data/cosmos_qa_context_description_question_answer_id/COMPLETED b/data/cosmos_qa_context_description_question_answer_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_context_description_question_answer_id/info.test.json b/data/cosmos_qa_context_description_question_answer_id/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_id/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_description_question_answer_id/info.train.json b/data/cosmos_qa_context_description_question_answer_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_description_question_answer_id/info.validation.json b/data/cosmos_qa_context_description_question_answer_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_description_question_answer_id/stats.test.json b/data/cosmos_qa_context_description_question_answer_id/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..af3f271106f4312f4db2ff0cbc1068a630ee8f01
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_id/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 345,
+  "inputs_tokens": 1255346,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6963
+}
diff --git a/data/cosmos_qa_context_description_question_answer_id/stats.train.json b/data/cosmos_qa_context_description_question_answer_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..404c7220a761e44b6891d074190b46f10160f901
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 359,
+  "inputs_tokens": 4270337,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25262
+}
diff --git a/data/cosmos_qa_context_description_question_answer_id/stats.validation.json b/data/cosmos_qa_context_description_question_answer_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e7cb9439aea32c0efef8a86f96e1dc9f3866ed25
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 537344,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2985
+}
diff --git a/data/cosmos_qa_context_description_question_answer_id/test.tfrecord-00000-of-00001 b/data/cosmos_qa_context_description_question_answer_id/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ad63f3e840e69ea610f7d4e323df3c5f7a8ed298
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_id/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:50ddd4f436b5d550c26e4caca3e4570d7f3d27c09482010ca928cc0cbb6026be
+size 7812475
diff --git a/data/cosmos_qa_context_description_question_answer_id/train.tfrecord-00000-of-00001 b/data/cosmos_qa_context_description_question_answer_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..834819225faceb1398c6a5fb55835344789a71c7
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:625d0211157521835816fa53e869b8656aa34cd1e01be806435ed3c16c6992dc
+size 26477495
diff --git a/data/cosmos_qa_context_description_question_answer_id/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_context_description_question_answer_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ccc3490e1609e03c412f213ff0c8a11cbe61e935
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:abf418eb2a647e0c0bd608621a4226274bf0620882ac4a8ab576aab3f163a7b2
+size 3337950
diff --git a/data/cosmos_qa_context_description_question_answer_text/COMPLETED b/data/cosmos_qa_context_description_question_answer_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_context_description_question_answer_text/info.test.json b/data/cosmos_qa_context_description_question_answer_text/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_text/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_description_question_answer_text/info.train.json b/data/cosmos_qa_context_description_question_answer_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_description_question_answer_text/info.validation.json b/data/cosmos_qa_context_description_question_answer_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_description_question_answer_text/stats.test.json b/data/cosmos_qa_context_description_question_answer_text/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..cfd83176e01b49ca8407bc4e09d634d5ba4eeb2c
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_text/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 345,
+  "inputs_tokens": 1255346,
+  "targets_max_tokens": 44,
+  "targets_tokens": 78781
+}
diff --git a/data/cosmos_qa_context_description_question_answer_text/stats.train.json b/data/cosmos_qa_context_description_question_answer_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..553f5ee01d0b3dcbf82ca11bd7041ac4a2748f78
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 359,
+  "inputs_tokens": 4270337,
+  "targets_max_tokens": 53,
+  "targets_tokens": 254944
+}
diff --git a/data/cosmos_qa_context_description_question_answer_text/stats.validation.json b/data/cosmos_qa_context_description_question_answer_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6db860290571bad44f5245edcb1fc4c2745a958b
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 537344,
+  "targets_max_tokens": 43,
+  "targets_tokens": 35492
+}
diff --git a/data/cosmos_qa_context_description_question_answer_text/test.tfrecord-00000-of-00001 b/data/cosmos_qa_context_description_question_answer_text/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1ed48879f0d2bc72b7788e6d377cad940aacb60c
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_text/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a5cc9ed01acd22db08476ee1a975c10fac803af37387f86336344b017b6bcec0
+size 9415567
diff --git a/data/cosmos_qa_context_description_question_answer_text/train.tfrecord-00000-of-00001 b/data/cosmos_qa_context_description_question_answer_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d7b4e8fabb45c2f04541c65bb7f7a686362d5511
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6f8d8ac9b77d01b0389d936d3475d35de3d3da9d3f2e316d77211029eac881b7
+size 31242502
diff --git a/data/cosmos_qa_context_description_question_answer_text/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_context_description_question_answer_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c133f37c1b55938a404f7e6730f486bcd91246fd
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_answer_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:643bccf2fcd2f0b269c52d8e23fe9d98bc7950a3f77a7b57113269f5ec71cf28
+size 4037780
diff --git a/data/cosmos_qa_context_description_question_text/COMPLETED b/data/cosmos_qa_context_description_question_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_context_description_question_text/info.test.json b/data/cosmos_qa_context_description_question_text/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_text/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_description_question_text/info.train.json b/data/cosmos_qa_context_description_question_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_description_question_text/info.validation.json b/data/cosmos_qa_context_description_question_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_description_question_text/stats.test.json b/data/cosmos_qa_context_description_question_text/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6fc52ac74881c3cd5efd8b2f65bc044592b1761e
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_text/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 256,
+  "inputs_tokens": 822636,
+  "targets_max_tokens": 44,
+  "targets_tokens": 78781
+}
diff --git a/data/cosmos_qa_context_description_question_text/stats.train.json b/data/cosmos_qa_context_description_question_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0fcf221dff9bd919f143e636695e562571761b92
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 279,
+  "inputs_tokens": 2867485,
+  "targets_max_tokens": 53,
+  "targets_tokens": 254944
+}
diff --git a/data/cosmos_qa_context_description_question_text/stats.validation.json b/data/cosmos_qa_context_description_question_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..42a2f5eb4cfa200c10bc7c97f36f16b89699372c
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 231,
+  "inputs_tokens": 350716,
+  "targets_max_tokens": 43,
+  "targets_tokens": 35492
+}
diff --git a/data/cosmos_qa_context_description_question_text/test.tfrecord-00000-of-00001 b/data/cosmos_qa_context_description_question_text/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4c5d15f2ea0f292c43c53822d8d55dd6e411bf54
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_text/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:988a1c09fbd41b87a0a72ba32fdc477c9afe673ae073e7b254394269e77bf322
+size 7137272
diff --git a/data/cosmos_qa_context_description_question_text/train.tfrecord-00000-of-00001 b/data/cosmos_qa_context_description_question_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..81b61ca392ec5528ce298f0192169c781cda7a9b
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:df18955818493e130bb145671b1afe52d553fdb73626950d7b5888c9a67f166e
+size 24061868
diff --git a/data/cosmos_qa_context_description_question_text/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_context_description_question_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..09ed9e93489792982d0cd8603ac1f5a92bb66464
--- /dev/null
+++ b/data/cosmos_qa_context_description_question_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5c9383edc37786ad7532ab276fadae69eb4804483fb44bd0966f0cba97573a5d
+size 3058612
diff --git a/data/cosmos_qa_context_question_description_answer_id/COMPLETED b/data/cosmos_qa_context_question_description_answer_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_context_question_description_answer_id/info.test.json b/data/cosmos_qa_context_question_description_answer_id/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_id/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_question_description_answer_id/info.train.json b/data/cosmos_qa_context_question_description_answer_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_question_description_answer_id/info.validation.json b/data/cosmos_qa_context_question_description_answer_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_question_description_answer_id/stats.test.json b/data/cosmos_qa_context_question_description_answer_id/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ba91877c781029ce6bd7846fdbffc1bab717c746
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_id/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 334,
+  "inputs_tokens": 1178753,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6963
+}
diff --git a/data/cosmos_qa_context_question_description_answer_id/stats.train.json b/data/cosmos_qa_context_question_description_answer_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..692299baea31b1d00f3ad497658777198461232b
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 348,
+  "inputs_tokens": 3992455,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25262
+}
diff --git a/data/cosmos_qa_context_question_description_answer_id/stats.validation.json b/data/cosmos_qa_context_question_description_answer_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0f163658457cdf06134fda58b7d08fed30dffd43
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 301,
+  "inputs_tokens": 504509,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2985
+}
diff --git a/data/cosmos_qa_context_question_description_answer_id/test.tfrecord-00000-of-00001 b/data/cosmos_qa_context_question_description_answer_id/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..10665f7c4969c705f705af3f718c613811dc5a6e
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_id/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2029cb473d2b3b1e721de1ada15ca0cf7c6425b57a5330e8e6c0b5469dae6123
+size 7276322
diff --git a/data/cosmos_qa_context_question_description_answer_id/train.tfrecord-00000-of-00001 b/data/cosmos_qa_context_question_description_answer_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..707cc71a1360080b796b9ae6ca685429b8a64835
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6ad0c63e0d8cdc6732bd7fc7c51b13fa0da1b6fbbaa95598fa224cffe0389b1d
+size 24532094
diff --git a/data/cosmos_qa_context_question_description_answer_id/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_context_question_description_answer_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9a1dcd244fc55566c0fdfd0f35750b269344e6b7
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ab942c321cdb012b8f4992da21ea1ca386b35fabc2b92817264b0c7fa0ecc178
+size 3108105
diff --git a/data/cosmos_qa_context_question_description_answer_text/COMPLETED b/data/cosmos_qa_context_question_description_answer_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_context_question_description_answer_text/info.test.json b/data/cosmos_qa_context_question_description_answer_text/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_text/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_question_description_answer_text/info.train.json b/data/cosmos_qa_context_question_description_answer_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_question_description_answer_text/info.validation.json b/data/cosmos_qa_context_question_description_answer_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_question_description_answer_text/stats.test.json b/data/cosmos_qa_context_question_description_answer_text/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c4c864ab30ec85bd336290fbd484927b049f2614
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_text/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 334,
+  "inputs_tokens": 1178753,
+  "targets_max_tokens": 44,
+  "targets_tokens": 78781
+}
diff --git a/data/cosmos_qa_context_question_description_answer_text/stats.train.json b/data/cosmos_qa_context_question_description_answer_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f0c0e6677514cda9e184880abb2b29a0535c265d
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 348,
+  "inputs_tokens": 3992455,
+  "targets_max_tokens": 53,
+  "targets_tokens": 254944
+}
diff --git a/data/cosmos_qa_context_question_description_answer_text/stats.validation.json b/data/cosmos_qa_context_question_description_answer_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8ae87fab1fbc5fa3941da10e223b4b0b08eeba21
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 301,
+  "inputs_tokens": 504509,
+  "targets_max_tokens": 43,
+  "targets_tokens": 35492
+}
diff --git a/data/cosmos_qa_context_question_description_answer_text/test.tfrecord-00000-of-00001 b/data/cosmos_qa_context_question_description_answer_text/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6148fe07a1af7eb9d9a483b8875109e49742fd8b
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_text/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:04bb8674ae2b369f7da7b8ce538482113b75f583389517b174525a1588db467e
+size 8879413
diff --git a/data/cosmos_qa_context_question_description_answer_text/train.tfrecord-00000-of-00001 b/data/cosmos_qa_context_question_description_answer_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b4da79777084f853700e3474619d1ab349e89e2b
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:68c8b3fa3bf18ff70519f603b0b7188c5aa47bfd578e1c68db30a5be74cbdfc1
+size 29297010
diff --git a/data/cosmos_qa_context_question_description_answer_text/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_context_question_description_answer_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1fe1aff998a555a80fdf478227462a1eebd9511a
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_answer_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:78b50c96d18e839dd0f4ffa1b1e72cd3f473baa3dc608c0c871c680203365e80
+size 3807935
diff --git a/data/cosmos_qa_context_question_description_text/COMPLETED b/data/cosmos_qa_context_question_description_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_context_question_description_text/info.test.json b/data/cosmos_qa_context_question_description_text/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_text/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_question_description_text/info.train.json b/data/cosmos_qa_context_question_description_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_question_description_text/info.validation.json b/data/cosmos_qa_context_question_description_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_context_question_description_text/stats.test.json b/data/cosmos_qa_context_question_description_text/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..33ca211b2dc1e812bc101f2c23afa0a2f5e56a53
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_text/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 254,
+  "inputs_tokens": 808710,
+  "targets_max_tokens": 44,
+  "targets_tokens": 78781
+}
diff --git a/data/cosmos_qa_context_question_description_text/stats.train.json b/data/cosmos_qa_context_question_description_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d8556bb3581266f75444ce55498fac29b72b720b
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 277,
+  "inputs_tokens": 2816961,
+  "targets_max_tokens": 53,
+  "targets_tokens": 254944
+}
diff --git a/data/cosmos_qa_context_question_description_text/stats.validation.json b/data/cosmos_qa_context_question_description_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..cdd5bc5e853c94b518f13e0ca639d899b038ec77
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 229,
+  "inputs_tokens": 344746,
+  "targets_max_tokens": 43,
+  "targets_tokens": 35492
+}
diff --git a/data/cosmos_qa_context_question_description_text/test.tfrecord-00000-of-00001 b/data/cosmos_qa_context_question_description_text/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..59bca19702e859f589f26056d0ceac4b56821e37
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_text/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0abec5c02f126b92b1fafca977e15e1898966bd88f316084587f2d5f4eb7046d
+size 6976218
diff --git a/data/cosmos_qa_context_question_description_text/train.tfrecord-00000-of-00001 b/data/cosmos_qa_context_question_description_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6fb29cda519e063b4846d059690f768056f6c40a
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1b6f147c2a8b468f3694faba610fa81b2697decbdd3752d6409785e6b44da38e
+size 23477418
diff --git a/data/cosmos_qa_context_question_description_text/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_context_question_description_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bff7871d9b3d3ce3ae0cf4ccc52f8c86b673d9cb
--- /dev/null
+++ b/data/cosmos_qa_context_question_description_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:65296f4d5755ce1719c461c23ab1fc5a40c1279aa5f29e233d5c041fd293ed25
+size 2989592
diff --git a/data/cosmos_qa_description_context_question_answer_id/COMPLETED b/data/cosmos_qa_description_context_question_answer_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_description_context_question_answer_id/info.test.json b/data/cosmos_qa_description_context_question_answer_id/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_id/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_description_context_question_answer_id/info.train.json b/data/cosmos_qa_description_context_question_answer_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_description_context_question_answer_id/info.validation.json b/data/cosmos_qa_description_context_question_answer_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_description_context_question_answer_id/stats.test.json b/data/cosmos_qa_description_context_question_answer_id/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0c8e6f680718efce207eb5a77e4da9b8e6207318
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_id/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 346,
+  "inputs_tokens": 1262309,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6963
+}
diff --git a/data/cosmos_qa_description_context_question_answer_id/stats.train.json b/data/cosmos_qa_description_context_question_answer_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0416f999bed7ed73e365ee0b5f318b84d5e84867
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 360,
+  "inputs_tokens": 4295599,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25262
+}
diff --git a/data/cosmos_qa_description_context_question_answer_id/stats.validation.json b/data/cosmos_qa_description_context_question_answer_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f5baaae173edd1a503dea57ffa8ab913b9a0fdde
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 313,
+  "inputs_tokens": 540329,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2985
+}
diff --git a/data/cosmos_qa_description_context_question_answer_id/test.tfrecord-00000-of-00001 b/data/cosmos_qa_description_context_question_answer_id/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ab5304580fe93effd3cb483e5466766551aa19b0
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_id/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2a2d090d1d7e8b3e40604dac2701631a7613cd4ecf9efa10ef3e776df0bfd8bb
+size 7819438
diff --git a/data/cosmos_qa_description_context_question_answer_id/train.tfrecord-00000-of-00001 b/data/cosmos_qa_description_context_question_answer_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..882adea0a97dd75939953f9bd0135f2f9994a373
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:05ea9194ec96801d05f890fd380bd76b87040c761c49e74b59cfce27bd5579c2
+size 26502758
diff --git a/data/cosmos_qa_description_context_question_answer_id/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_description_context_question_answer_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b3d1a69615faeacf56c2acf178cab0613fa307b1
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:43e78fbb1280b93639a9514487c30fb182946b3b4c0f22c4bcead0e06ffcc258
+size 3340935
diff --git a/data/cosmos_qa_description_context_question_answer_text/COMPLETED b/data/cosmos_qa_description_context_question_answer_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_description_context_question_answer_text/info.test.json b/data/cosmos_qa_description_context_question_answer_text/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_text/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_description_context_question_answer_text/info.train.json b/data/cosmos_qa_description_context_question_answer_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_description_context_question_answer_text/info.validation.json b/data/cosmos_qa_description_context_question_answer_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_description_context_question_answer_text/stats.test.json b/data/cosmos_qa_description_context_question_answer_text/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a937c3eb5b425fded4c496a747eacb2fc89e88b5
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_text/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 346,
+  "inputs_tokens": 1262309,
+  "targets_max_tokens": 44,
+  "targets_tokens": 78781
+}
diff --git a/data/cosmos_qa_description_context_question_answer_text/stats.train.json b/data/cosmos_qa_description_context_question_answer_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4681f9fadd67321b41577a437d1f239596f9de2c
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 360,
+  "inputs_tokens": 4295599,
+  "targets_max_tokens": 53,
+  "targets_tokens": 254944
+}
diff --git a/data/cosmos_qa_description_context_question_answer_text/stats.validation.json b/data/cosmos_qa_description_context_question_answer_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..df6e0fc3725889c73dc49c014161def906687db1
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 313,
+  "inputs_tokens": 540329,
+  "targets_max_tokens": 43,
+  "targets_tokens": 35492
+}
diff --git a/data/cosmos_qa_description_context_question_answer_text/test.tfrecord-00000-of-00001 b/data/cosmos_qa_description_context_question_answer_text/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b0420f6bf7059a40542d5df49d16aa6c9b777b35
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_text/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:07bafeb098c9c5e895480ca872a183a32fa4befd59b55de8999f8a5befa4cf7e
+size 9422530
diff --git a/data/cosmos_qa_description_context_question_answer_text/train.tfrecord-00000-of-00001 b/data/cosmos_qa_description_context_question_answer_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5d5074ba312430e23cf833a35aa839acf9cfc9c7
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e39e68508121cd4482ab149c8afd366f8449c82a70eed6d87f7d992e374c63f7
+size 31267771
diff --git a/data/cosmos_qa_description_context_question_answer_text/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_description_context_question_answer_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..19aeee64dc23985eb8168b3d597f28eeeeefdc54
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_answer_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:66fd944fc4e5f56c2dba7561a130084fda4e96f08290575ecc8fb0d14c4278a3
+size 4040765
diff --git a/data/cosmos_qa_description_context_question_text/COMPLETED b/data/cosmos_qa_description_context_question_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_description_context_question_text/info.test.json b/data/cosmos_qa_description_context_question_text/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_text/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_description_context_question_text/info.train.json b/data/cosmos_qa_description_context_question_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_description_context_question_text/info.validation.json b/data/cosmos_qa_description_context_question_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_description_context_question_text/stats.test.json b/data/cosmos_qa_description_context_question_text/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9e25be04ba0e3d5a15757596d51a0a89bc8ccc56
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_text/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 261,
+  "inputs_tokens": 857451,
+  "targets_max_tokens": 44,
+  "targets_tokens": 78781
+}
diff --git a/data/cosmos_qa_description_context_question_text/stats.train.json b/data/cosmos_qa_description_context_question_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d19379312ecfa6368987881d5983755519612115
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 284,
+  "inputs_tokens": 2993795,
+  "targets_max_tokens": 53,
+  "targets_tokens": 254944
+}
diff --git a/data/cosmos_qa_description_context_question_text/stats.validation.json b/data/cosmos_qa_description_context_question_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..adf90b6dc5e470749fca1eb747e6fcfea1fdfaff
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 236,
+  "inputs_tokens": 365641,
+  "targets_max_tokens": 43,
+  "targets_tokens": 35492
+}
diff --git a/data/cosmos_qa_description_context_question_text/test.tfrecord-00000-of-00001 b/data/cosmos_qa_description_context_question_text/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5f1306f9ab432305da21520966e17bc5447e2525
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_text/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cf889a96724ecae928281f1cd09c3b140f502686ebb6386c9a9951c43b9c7ac7
+size 7305973
diff --git a/data/cosmos_qa_description_context_question_text/train.tfrecord-00000-of-00001 b/data/cosmos_qa_description_context_question_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e8d1159a10c2bffc79ec6828b621db361567189b
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:09badbeccb5f2b170ef1c5339dc84ffbca2e7d815f1cc1b187abaec42cde13e1
+size 24674489
diff --git a/data/cosmos_qa_description_context_question_text/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_description_context_question_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2f945a3cee61369474eaefc93ac9f62735c6afdd
--- /dev/null
+++ b/data/cosmos_qa_description_context_question_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:90a3d43ac75169b79fa7dee42961fbc33f8ac81247ccf9b43574338882c248a5
+size 3130922
diff --git a/data/cosmos_qa_no_prompt_id/COMPLETED b/data/cosmos_qa_no_prompt_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_no_prompt_id/info.test.json b/data/cosmos_qa_no_prompt_id/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_id/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_no_prompt_id/info.train.json b/data/cosmos_qa_no_prompt_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_no_prompt_id/info.validation.json b/data/cosmos_qa_no_prompt_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_no_prompt_id/stats.test.json b/data/cosmos_qa_no_prompt_id/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fc721857ccee3580a4b8d589f30693b6e2e2ece3
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_id/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 325,
+  "inputs_tokens": 1116086,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6963
+}
diff --git a/data/cosmos_qa_no_prompt_id/stats.train.json b/data/cosmos_qa_no_prompt_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..47c7184d064ef653682041fdb277ef3b1252e792
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 339,
+  "inputs_tokens": 3765097,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25262
+}
diff --git a/data/cosmos_qa_no_prompt_id/stats.validation.json b/data/cosmos_qa_no_prompt_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..48d4dfc7aedec54e51d1d9d5750578bf4f1b32d1
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 292,
+  "inputs_tokens": 477644,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2985
+}
diff --git a/data/cosmos_qa_no_prompt_id/test.tfrecord-00000-of-00001 b/data/cosmos_qa_no_prompt_id/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2f32d2752cd30d64e4103332a0723fdc0f211c46
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_id/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5e1450c530507db282a9aacfe3ef6c85c070a706927d9d8c0809b5bb28239809
+size 6837617
diff --git a/data/cosmos_qa_no_prompt_id/train.tfrecord-00000-of-00001 b/data/cosmos_qa_no_prompt_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b1bbf9d4d32f23394df8a6beb61238ffc2433d8f
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:97a069faf87228fb74af799437af93ff6b7491fe3f95cba423b4fe990d160c76
+size 22939860
diff --git a/data/cosmos_qa_no_prompt_id/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_no_prompt_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cf5778d3de81b5a480a436f3164edf592d0d5c51
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a7d6c67ce5b85c7222c9152a372514e8e3e79db2ca057abd6b8877b846391735
+size 2920045
diff --git a/data/cosmos_qa_no_prompt_text/COMPLETED b/data/cosmos_qa_no_prompt_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_no_prompt_text/info.test.json b/data/cosmos_qa_no_prompt_text/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_text/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_no_prompt_text/info.train.json b/data/cosmos_qa_no_prompt_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_no_prompt_text/info.validation.json b/data/cosmos_qa_no_prompt_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_no_prompt_text/stats.test.json b/data/cosmos_qa_no_prompt_text/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a5dcded214ea3792cdf4ac5ba9d7b1e045fa8fab
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_text/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 325,
+  "inputs_tokens": 1116086,
+  "targets_max_tokens": 44,
+  "targets_tokens": 78781
+}
diff --git a/data/cosmos_qa_no_prompt_text/stats.train.json b/data/cosmos_qa_no_prompt_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..eca0b6cd972c3021051da8ca110d6c7524be4638
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 339,
+  "inputs_tokens": 3765097,
+  "targets_max_tokens": 53,
+  "targets_tokens": 254944
+}
diff --git a/data/cosmos_qa_no_prompt_text/stats.validation.json b/data/cosmos_qa_no_prompt_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f05dc751eb24aeaa0635fd2a822d34d71f329e89
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 292,
+  "inputs_tokens": 477644,
+  "targets_max_tokens": 43,
+  "targets_tokens": 35492
+}
diff --git a/data/cosmos_qa_no_prompt_text/test.tfrecord-00000-of-00001 b/data/cosmos_qa_no_prompt_text/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c29ed73e5bd412067aa4b00c542aa97b115fa696
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_text/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:17f74760fca228f0ab79fd37b34f94a2e3f50aea273835aa10ae3da9c862dff7
+size 8440694
diff --git a/data/cosmos_qa_no_prompt_text/train.tfrecord-00000-of-00001 b/data/cosmos_qa_no_prompt_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..aeaf420186f7a6a0561132ae77b7252bc8e0bde6
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:83a329c7ae6fe8f1fb7ebb30e9ae9256502c939733f5db43ce871801dbce7fcd
+size 27704595
diff --git a/data/cosmos_qa_no_prompt_text/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_no_prompt_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1493568fa72b414ba2c1ef6cbdb7a4558c752a79
--- /dev/null
+++ b/data/cosmos_qa_no_prompt_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c99a958f86ece5c70ca3793528ff79517cdea92f61b610f316858e44e40d18ae
+size 3619871
diff --git a/data/cosmos_qa_only_question_answer/COMPLETED b/data/cosmos_qa_only_question_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/cosmos_qa_only_question_answer/info.test.json b/data/cosmos_qa_only_question_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_only_question_answer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_only_question_answer/info.train.json b/data/cosmos_qa_only_question_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_only_question_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_only_question_answer/info.validation.json b/data/cosmos_qa_only_question_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/cosmos_qa_only_question_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/cosmos_qa_only_question_answer/stats.test.json b/data/cosmos_qa_only_question_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..457d1987445834c1547f67612fd44f56c9510b63
--- /dev/null
+++ b/data/cosmos_qa_only_question_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6963,
+  "inputs_max_tokens": 41,
+  "inputs_tokens": 96631,
+  "targets_max_tokens": 44,
+  "targets_tokens": 78781
+}
diff --git a/data/cosmos_qa_only_question_answer/stats.train.json b/data/cosmos_qa_only_question_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9573a5c54429f6a01880d0255c8356e2e6383243
--- /dev/null
+++ b/data/cosmos_qa_only_question_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25262,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 336997,
+  "targets_max_tokens": 53,
+  "targets_tokens": 254944
+}
diff --git a/data/cosmos_qa_only_question_answer/stats.validation.json b/data/cosmos_qa_only_question_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e35c0a68fb17a7373b877fe5de03794536a88ea4
--- /dev/null
+++ b/data/cosmos_qa_only_question_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2985,
+  "inputs_max_tokens": 36,
+  "inputs_tokens": 41374,
+  "targets_max_tokens": 43,
+  "targets_tokens": 35492
+}
diff --git a/data/cosmos_qa_only_question_answer/test.tfrecord-00000-of-00001 b/data/cosmos_qa_only_question_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..047ed529ecc2aac8a379c8b85318ae36bef56b99
--- /dev/null
+++ b/data/cosmos_qa_only_question_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6c3bb641fe4ee2c5ea99ea66da8efa4b4a4de3fa3207ab9d71df8e646a320393
+size 3203331
diff --git a/data/cosmos_qa_only_question_answer/train.tfrecord-00000-of-00001 b/data/cosmos_qa_only_question_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b9305e6d044d0ef9c0e3fab75e7ec13c3b8c6e32
--- /dev/null
+++ b/data/cosmos_qa_only_question_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b0d110646a432790dabd7ea0b263d125b82f5a95d7b52bb63a60b38ea2cc72f9
+size 10434476
diff --git a/data/cosmos_qa_only_question_answer/validation.tfrecord-00000-of-00001 b/data/cosmos_qa_only_question_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4902fca94cbf735b07e99b816aa85b15c3a2575f
--- /dev/null
+++ b/data/cosmos_qa_only_question_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:065c29be5cb87e01bee5240f2c2daf6911275db2de89323de054ef0de087a2b5
+size 1383881
diff --git a/data/dbpedia_14_given_a_choice_of_categories_/COMPLETED b/data/dbpedia_14_given_a_choice_of_categories_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/dbpedia_14_given_a_choice_of_categories_/info.test.json b/data/dbpedia_14_given_a_choice_of_categories_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dbpedia_14_given_a_choice_of_categories_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dbpedia_14_given_a_choice_of_categories_/info.train.json b/data/dbpedia_14_given_a_choice_of_categories_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dbpedia_14_given_a_choice_of_categories_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dbpedia_14_given_a_choice_of_categories_/stats.test.json b/data/dbpedia_14_given_a_choice_of_categories_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ba20b9f1563f677d3ab2376490e3713ab096a9cc
--- /dev/null
+++ b/data/dbpedia_14_given_a_choice_of_categories_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 70000,
+  "inputs_max_tokens": 939,
+  "inputs_tokens": 9029569,
+  "targets_max_tokens": 4,
+  "targets_tokens": 115000
+}
diff --git a/data/dbpedia_14_given_a_choice_of_categories_/stats.train.json b/data/dbpedia_14_given_a_choice_of_categories_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f43ad85de2a2b7e53d71f1b48a4d1f355171b503
--- /dev/null
+++ b/data/dbpedia_14_given_a_choice_of_categories_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 560000,
+  "inputs_max_tokens": 1057,
+  "inputs_tokens": 72206042,
+  "targets_max_tokens": 4,
+  "targets_tokens": 920000
+}
diff --git a/data/dbpedia_14_given_a_choice_of_categories_/test.tfrecord-00000-of-00001 b/data/dbpedia_14_given_a_choice_of_categories_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88ca26dbe465bc3d5db37759c311e73a5f0b6d7b
--- /dev/null
+++ b/data/dbpedia_14_given_a_choice_of_categories_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bd47b2d8fa72fa32bdc43d5c94c763bfd83ee8c06d7f8e38060b053147343e1d
+size 74225534
diff --git a/data/dbpedia_14_given_a_choice_of_categories_/train.tfrecord-00000-of-00001 b/data/dbpedia_14_given_a_choice_of_categories_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4f3312d2ad9316699b99be4311aaafc2665dc5e4
--- /dev/null
+++ b/data/dbpedia_14_given_a_choice_of_categories_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:14dd9f9196cbce8f6d0118d52987d0e300b0eda43c4366e81cf89fc5ecd5504f
+size 593689629
diff --git a/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/COMPLETED b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/info.test.json b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/info.train.json b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/stats.test.json b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d82bf25e36269e5007b057e6e8833cc233b39fa2
--- /dev/null
+++ b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 70000,
+  "inputs_max_tokens": 84,
+  "inputs_tokens": 4142291,
+  "targets_max_tokens": 4,
+  "targets_tokens": 115000
+}
diff --git a/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/stats.train.json b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..019c3ba6ccf5aff39f4b501e34db0043ba19f3af
--- /dev/null
+++ b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 560000,
+  "inputs_max_tokens": 105,
+  "inputs_tokens": 33127841,
+  "targets_max_tokens": 4,
+  "targets_tokens": 920000
+}
diff --git a/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/test.tfrecord-00000-of-00001 b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..585c4a039ab371c0fc0894e3874a6db4e1954b0c
--- /dev/null
+++ b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7adae1fee162356770042cf1f45f6e1469f8bc7d411d16524afdfd6d7a6329f3
+size 47141323
diff --git a/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/train.tfrecord-00000-of-00001 b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..133e80c2f3b576b27ca8b8d25960d8e00d71e0dc
--- /dev/null
+++ b/data/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f02b250333790cf8eb948f9c156c0e4b7a5aeb919851d0b53e65810d9b7a642a
+size 377089144
diff --git a/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/COMPLETED b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/info.test.json b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/info.train.json b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/stats.test.json b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0e281f634b26f8114a16a66910f79e29b5f1bc2b
--- /dev/null
+++ b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 70000,
+  "inputs_max_tokens": 928,
+  "inputs_tokens": 8513974,
+  "targets_max_tokens": 4,
+  "targets_tokens": 115000
+}
diff --git a/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/stats.train.json b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f2ea09aa614403f97e82d621c26f647ba2d470ae
--- /dev/null
+++ b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 560000,
+  "inputs_max_tokens": 1049,
+  "inputs_tokens": 68089660,
+  "targets_max_tokens": 4,
+  "targets_tokens": 920000
+}
diff --git a/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/test.tfrecord-00000-of-00001 b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..607be50f0522211847f3a002bcb253b2aac04927
--- /dev/null
+++ b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f969103cb0fd3b5519af07061faaef0333ebfa72499b8058ce3ce5d0ea0b0fc1
+size 72958379
diff --git a/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train.tfrecord-00000-of-00001 b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e9f1c37840e948510e5df84c2f8fcbd5f65d8fd1
--- /dev/null
+++ b/data/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:222e9796750470a21d6032181b46ed2e480dfd0b7afe807708fc579cedc4826a
+size 583592182
diff --git a/data/dbpedia_14_pick_one_category_for_the_following_text/COMPLETED b/data/dbpedia_14_pick_one_category_for_the_following_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/dbpedia_14_pick_one_category_for_the_following_text/info.test.json b/data/dbpedia_14_pick_one_category_for_the_following_text/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dbpedia_14_pick_one_category_for_the_following_text/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dbpedia_14_pick_one_category_for_the_following_text/info.train.json b/data/dbpedia_14_pick_one_category_for_the_following_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dbpedia_14_pick_one_category_for_the_following_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dbpedia_14_pick_one_category_for_the_following_text/stats.test.json b/data/dbpedia_14_pick_one_category_for_the_following_text/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8c20d991ea27c5ca53d9c383d69ea9349dce30b4
--- /dev/null
+++ b/data/dbpedia_14_pick_one_category_for_the_following_text/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 70000,
+  "inputs_max_tokens": 938,
+  "inputs_tokens": 8959569,
+  "targets_max_tokens": 4,
+  "targets_tokens": 115000
+}
diff --git a/data/dbpedia_14_pick_one_category_for_the_following_text/stats.train.json b/data/dbpedia_14_pick_one_category_for_the_following_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c071e1f263ec6499f1ce72d9dd37f895e1f5f3e5
--- /dev/null
+++ b/data/dbpedia_14_pick_one_category_for_the_following_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 560000,
+  "inputs_max_tokens": 1056,
+  "inputs_tokens": 71646039,
+  "targets_max_tokens": 4,
+  "targets_tokens": 920000
+}
diff --git a/data/dbpedia_14_pick_one_category_for_the_following_text/test.tfrecord-00000-of-00001 b/data/dbpedia_14_pick_one_category_for_the_following_text/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e4d374c2f8028eb5bc73f422389311f331e2f498
--- /dev/null
+++ b/data/dbpedia_14_pick_one_category_for_the_following_text/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:46c7a216ffc6a02c3e1e910916531f2f05c960a0981ad04ea6a1e34d3c80fd41
+size 74224282
diff --git a/data/dbpedia_14_pick_one_category_for_the_following_text/train.tfrecord-00000-of-00001 b/data/dbpedia_14_pick_one_category_for_the_following_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7914410d7e4f04302c2582d60f84bcd13a4e53a0
--- /dev/null
+++ b/data/dbpedia_14_pick_one_category_for_the_following_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1c55d154da52b44dd78a06116a118384506fed83b191db521d88a60c4da2e1a6
+size 593679592
diff --git a/data/dream_answer_to_dialogue/COMPLETED b/data/dream_answer_to_dialogue/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/dream_answer_to_dialogue/info.test.json b/data/dream_answer_to_dialogue/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/dream_answer_to_dialogue/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_answer_to_dialogue/info.train.json b/data/dream_answer_to_dialogue/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/dream_answer_to_dialogue/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_answer_to_dialogue/info.validation.json b/data/dream_answer_to_dialogue/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/dream_answer_to_dialogue/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_answer_to_dialogue/stats.test.json b/data/dream_answer_to_dialogue/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..eb08b84e7c084e41e9d3f77710c4e64567018c5c
--- /dev/null
+++ b/data/dream_answer_to_dialogue/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2041,
+  "inputs_max_tokens": 58,
+  "inputs_tokens": 68356,
+  "targets_max_tokens": 631,
+  "targets_tokens": 315376
+}
diff --git a/data/dream_answer_to_dialogue/stats.train.json b/data/dream_answer_to_dialogue/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3e3ef01774f756a3e9f8225a6aa8a0eedc39cd8b
--- /dev/null
+++ b/data/dream_answer_to_dialogue/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6116,
+  "inputs_max_tokens": 57,
+  "inputs_tokens": 206146,
+  "targets_max_tokens": 647,
+  "targets_tokens": 958317
+}
diff --git a/data/dream_answer_to_dialogue/stats.validation.json b/data/dream_answer_to_dialogue/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2b9ca6a9e8e376cc987e437c188d2b39ba15741c
--- /dev/null
+++ b/data/dream_answer_to_dialogue/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2040,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 68453,
+  "targets_max_tokens": 644,
+  "targets_tokens": 313926
+}
diff --git a/data/dream_answer_to_dialogue/test.tfrecord-00000-of-00001 b/data/dream_answer_to_dialogue/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..297b4d6d50643214ce7f4109aae72b9d3c84c051
--- /dev/null
+++ b/data/dream_answer_to_dialogue/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:31502cdf810aa1c4b2b7452e457eb7d0ed0fa29eb4d55927e28c174174f8e683
+size 2245281
diff --git a/data/dream_answer_to_dialogue/train.tfrecord-00000-of-00001 b/data/dream_answer_to_dialogue/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..72d970e7f53c617ce4d86a3a732309660bba656f
--- /dev/null
+++ b/data/dream_answer_to_dialogue/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4a96861af4642c16b31e8c80507eb75ba9e5de5bdbe6ff38f5f0500b2a00cd28
+size 6845742
diff --git a/data/dream_answer_to_dialogue/validation.tfrecord-00000-of-00001 b/data/dream_answer_to_dialogue/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7f656d3ff0dc3e529392bf3d1fa117af9a7bad1e
--- /dev/null
+++ b/data/dream_answer_to_dialogue/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:262f287ef25e84dcc67cb85ea13e2ef1f528f4a4ec5c1046b4148a7e1c3250c1
+size 2248713
diff --git a/data/dream_baseline/COMPLETED b/data/dream_baseline/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/dream_baseline/info.test.json b/data/dream_baseline/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dream_baseline/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_baseline/info.train.json b/data/dream_baseline/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dream_baseline/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_baseline/info.validation.json b/data/dream_baseline/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dream_baseline/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_baseline/stats.test.json b/data/dream_baseline/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d406de325fde466aa23a164dd2125655c3bab40
--- /dev/null
+++ b/data/dream_baseline/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2041,
+  "inputs_max_tokens": 710,
+  "inputs_tokens": 392384,
+  "targets_max_tokens": 20,
+  "targets_tokens": 12119
+}
diff --git a/data/dream_baseline/stats.train.json b/data/dream_baseline/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0d1c90c3d7b62940ffee903ea3e3711fd099621
--- /dev/null
+++ b/data/dream_baseline/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6116,
+  "inputs_max_tokens": 720,
+  "inputs_tokens": 1190809,
+  "targets_max_tokens": 24,
+  "targets_tokens": 36998
+}
diff --git a/data/dream_baseline/stats.validation.json b/data/dream_baseline/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d8b06be3e2c3c7877a1d2f48f883d90e827334cc
--- /dev/null
+++ b/data/dream_baseline/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2040,
+  "inputs_max_tokens": 708,
+  "inputs_tokens": 390508,
+  "targets_max_tokens": 22,
+  "targets_tokens": 11973
+}
diff --git a/data/dream_baseline/test.tfrecord-00000-of-00001 b/data/dream_baseline/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f048473d8e377f9a393d301e20687ac1958e2f5d
--- /dev/null
+++ b/data/dream_baseline/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8ac3a7cefb24b6ad77cbaf7344449b9c3f58d3dd49459fca7f501589895230dc
+size 2489771
diff --git a/data/dream_baseline/train.tfrecord-00000-of-00001 b/data/dream_baseline/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ebb9d6d927fef0b09b68b7c6b4b677b9b29c8a74
--- /dev/null
+++ b/data/dream_baseline/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e7bd7a4e152d44c23523bf4660d14e02e3ddf7b8131d963d3060798370440d2d
+size 7592445
diff --git a/data/dream_baseline/validation.tfrecord-00000-of-00001 b/data/dream_baseline/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0210ca63fa46276471d3049ec565db2d51fdf47f
--- /dev/null
+++ b/data/dream_baseline/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9e6cd8ede516bffdf106d99c4190b41074ac1ad29ca8cdb0d5c97bb0de868ccc
+size 2485145
diff --git a/data/dream_generate_first_utterance/COMPLETED b/data/dream_generate_first_utterance/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/dream_generate_first_utterance/info.test.json b/data/dream_generate_first_utterance/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/dream_generate_first_utterance/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_generate_first_utterance/info.train.json b/data/dream_generate_first_utterance/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/dream_generate_first_utterance/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_generate_first_utterance/info.validation.json b/data/dream_generate_first_utterance/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/dream_generate_first_utterance/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_generate_first_utterance/stats.test.json b/data/dream_generate_first_utterance/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..942ce4ca296154cef4be41535a10c85b39f9f96f
--- /dev/null
+++ b/data/dream_generate_first_utterance/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2041,
+  "inputs_max_tokens": 640,
+  "inputs_tokens": 295801,
+  "targets_max_tokens": 125,
+  "targets_tokens": 35753
+}
diff --git a/data/dream_generate_first_utterance/stats.train.json b/data/dream_generate_first_utterance/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e8c78f89e3b3e7af85943457079e79704a37359
--- /dev/null
+++ b/data/dream_generate_first_utterance/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6116,
+  "inputs_max_tokens": 666,
+  "inputs_tokens": 893605,
+  "targets_max_tokens": 192,
+  "targets_tokens": 111996
+}
diff --git a/data/dream_generate_first_utterance/stats.validation.json b/data/dream_generate_first_utterance/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c849e45a4da258935b58a69b415de93652e1eb09
--- /dev/null
+++ b/data/dream_generate_first_utterance/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2040,
+  "inputs_max_tokens": 652,
+  "inputs_tokens": 293789,
+  "targets_max_tokens": 109,
+  "targets_tokens": 35662
+}
diff --git a/data/dream_generate_first_utterance/test.tfrecord-00000-of-00001 b/data/dream_generate_first_utterance/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1c1f99346756e77234e6515efe13c88dba6ee644
--- /dev/null
+++ b/data/dream_generate_first_utterance/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c8b7260e0cdf8925111f70733f5d204aef3d22c34914236c809a4a47cc54424e
+size 1943803
diff --git a/data/dream_generate_first_utterance/train.tfrecord-00000-of-00001 b/data/dream_generate_first_utterance/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ba11297019b06d66dbd619f0055e020fe6c29a25
--- /dev/null
+++ b/data/dream_generate_first_utterance/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4cb1173e146bf9d848125e12e529ccdd47ae6eef8bcc63a2c3530e495b56d4d1
+size 5929881
diff --git a/data/dream_generate_first_utterance/validation.tfrecord-00000-of-00001 b/data/dream_generate_first_utterance/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c07aeeb206df8ebbc19a8a46a978b7f918b92be1
--- /dev/null
+++ b/data/dream_generate_first_utterance/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8a2d57ac85cc922e4ee2b8eb3998f7ac5b6132c9c9ceb39bd01131f031229e28
+size 1944732
diff --git a/data/dream_generate_last_utterance/COMPLETED b/data/dream_generate_last_utterance/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/dream_generate_last_utterance/info.test.json b/data/dream_generate_last_utterance/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/dream_generate_last_utterance/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_generate_last_utterance/info.train.json b/data/dream_generate_last_utterance/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/dream_generate_last_utterance/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_generate_last_utterance/info.validation.json b/data/dream_generate_last_utterance/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/dream_generate_last_utterance/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_generate_last_utterance/stats.test.json b/data/dream_generate_last_utterance/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aa7f4c106c70507ae943da6626ae192ead622834
--- /dev/null
+++ b/data/dream_generate_last_utterance/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2041,
+  "inputs_max_tokens": 643,
+  "inputs_tokens": 297641,
+  "targets_max_tokens": 320,
+  "targets_tokens": 43570
+}
diff --git a/data/dream_generate_last_utterance/stats.train.json b/data/dream_generate_last_utterance/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..cff537a2a8a68cea957a4d72911d08683c450996
--- /dev/null
+++ b/data/dream_generate_last_utterance/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6116,
+  "inputs_max_tokens": 659,
+  "inputs_tokens": 909735,
+  "targets_max_tokens": 349,
+  "targets_tokens": 127335
+}
diff --git a/data/dream_generate_last_utterance/stats.validation.json b/data/dream_generate_last_utterance/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..88c65388e1fb961efd17359fd19ade84f7b02ee1
--- /dev/null
+++ b/data/dream_generate_last_utterance/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2040,
+  "inputs_max_tokens": 656,
+  "inputs_tokens": 297512,
+  "targets_max_tokens": 294,
+  "targets_tokens": 42114
+}
diff --git a/data/dream_generate_last_utterance/test.tfrecord-00000-of-00001 b/data/dream_generate_last_utterance/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..202bdcef6f2113cda15100a52c99e3a0dde8cad2
--- /dev/null
+++ b/data/dream_generate_last_utterance/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:74cc8322ef137eca3da81feaa2346fa98a21ed1faa56c506816b031bf30a8e12
+size 1996976
diff --git a/data/dream_generate_last_utterance/train.tfrecord-00000-of-00001 b/data/dream_generate_last_utterance/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2611043daca4cd5add3f46f451722328db860379
--- /dev/null
+++ b/data/dream_generate_last_utterance/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dd03f76efa3d2f6a379e2df3166a16bf6d7b20f305161844481b01aca88d95cb
+size 6102789
diff --git a/data/dream_generate_last_utterance/validation.tfrecord-00000-of-00001 b/data/dream_generate_last_utterance/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..242695b3cea886db7e0a59339aef130ee243b509
--- /dev/null
+++ b/data/dream_generate_last_utterance/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9986d569f011bfffb5c048d7741ce5db3a72ae9e46bb7097210b41f45bcf44f8
+size 2000375
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/COMPLETED b/data/dream_read_the_following_conversation_and_answer_the_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/info.test.json b/data/dream_read_the_following_conversation_and_answer_the_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dream_read_the_following_conversation_and_answer_the_question/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/info.train.json b/data/dream_read_the_following_conversation_and_answer_the_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dream_read_the_following_conversation_and_answer_the_question/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/info.validation.json b/data/dream_read_the_following_conversation_and_answer_the_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/dream_read_the_following_conversation_and_answer_the_question/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/stats.test.json b/data/dream_read_the_following_conversation_and_answer_the_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..58c7c61140f82c73cea5799a04a8baa9b196bff2
--- /dev/null
+++ b/data/dream_read_the_following_conversation_and_answer_the_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2041,
+  "inputs_max_tokens": 716,
+  "inputs_tokens": 404630,
+  "targets_max_tokens": 20,
+  "targets_tokens": 12119
+}
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/stats.train.json b/data/dream_read_the_following_conversation_and_answer_the_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f7b4aaf1398408f20014721d1d80f56a2c0c85fe
--- /dev/null
+++ b/data/dream_read_the_following_conversation_and_answer_the_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6116,
+  "inputs_max_tokens": 726,
+  "inputs_tokens": 1227505,
+  "targets_max_tokens": 24,
+  "targets_tokens": 36998
+}
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/stats.validation.json b/data/dream_read_the_following_conversation_and_answer_the_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..bfd66abdee61cdb7abb1ae6278fda314ee0e8572
--- /dev/null
+++ b/data/dream_read_the_following_conversation_and_answer_the_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2040,
+  "inputs_max_tokens": 714,
+  "inputs_tokens": 402748,
+  "targets_max_tokens": 22,
+  "targets_tokens": 11973
+}
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/test.tfrecord-00000-of-00001 b/data/dream_read_the_following_conversation_and_answer_the_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e98bad1fb5656ac43a4f1e088449633a91be89ff
--- /dev/null
+++ b/data/dream_read_the_following_conversation_and_answer_the_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a21d0bf240200127fc9f2d3ea083a639610b99f7ddd6aaa99f263c29b2c7723f
+size 2604510
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/train.tfrecord-00000-of-00001 b/data/dream_read_the_following_conversation_and_answer_the_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..16185032bd40106c0a092d440c01d704ea8a68f5
--- /dev/null
+++ b/data/dream_read_the_following_conversation_and_answer_the_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1dc9395054b6d7d71397fbd4122402b20b0904c45cbdbe9714226d69db1e7f34
+size 7936223
diff --git a/data/dream_read_the_following_conversation_and_answer_the_question/validation.tfrecord-00000-of-00001 b/data/dream_read_the_following_conversation_and_answer_the_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..857ac8ad1450140450435b35c16c4be8e5c2cc30
--- /dev/null
+++ b/data/dream_read_the_following_conversation_and_answer_the_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72e66ff6e8fcb6218d817a3ce72cfce37a352cbad9c2088ccfaa2ec539787fb7
+size 2599829
diff --git a/data/duorc_ParaphraseRC_answer_question/COMPLETED b/data/duorc_ParaphraseRC_answer_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_ParaphraseRC_answer_question/info.test.json b/data/duorc_ParaphraseRC_answer_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_answer_question/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_answer_question/info.train.json b/data/duorc_ParaphraseRC_answer_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_answer_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_answer_question/info.validation.json b/data/duorc_ParaphraseRC_answer_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_answer_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_answer_question/stats.test.json b/data/duorc_ParaphraseRC_answer_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8492a48d6ee2c7e7482e13a16751828f29551cbe
--- /dev/null
+++ b/data/duorc_ParaphraseRC_answer_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15857,
+  "inputs_max_tokens": 1015,
+  "inputs_tokens": 8814126,
+  "targets_max_tokens": 41,
+  "targets_tokens": 64667
+}
diff --git a/data/duorc_ParaphraseRC_answer_question/stats.train.json b/data/duorc_ParaphraseRC_answer_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c2aad0ec09835bb0c4a369faa7446bc834bb9535
--- /dev/null
+++ b/data/duorc_ParaphraseRC_answer_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 69524,
+  "inputs_max_tokens": 1010,
+  "inputs_tokens": 38423770,
+  "targets_max_tokens": 42,
+  "targets_tokens": 278381
+}
diff --git a/data/duorc_ParaphraseRC_answer_question/stats.validation.json b/data/duorc_ParaphraseRC_answer_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8ce758b4d371accef0de8a7690f0f3939565f1c1
--- /dev/null
+++ b/data/duorc_ParaphraseRC_answer_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15591,
+  "inputs_max_tokens": 953,
+  "inputs_tokens": 8565388,
+  "targets_max_tokens": 35,
+  "targets_tokens": 62180
+}
diff --git a/data/duorc_ParaphraseRC_answer_question/test.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_answer_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6672527048d967e77ba363f62003a1f25513f4eb
--- /dev/null
+++ b/data/duorc_ParaphraseRC_answer_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:146814b498dcf634ff6f8fc77a1a60469c227defec195f99e333ce4fc36d66a1
+size 50392380
diff --git a/data/duorc_ParaphraseRC_answer_question/train.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_answer_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2f85583c83c02d1826d64e0b13de4c3b820d9db2
--- /dev/null
+++ b/data/duorc_ParaphraseRC_answer_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2589df06ffe7bf0ee8e00882868f7106a9520277f53e843e5e03d470e8dfe4e4
+size 219736382
diff --git a/data/duorc_ParaphraseRC_answer_question/validation.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_answer_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..85de82deb3da4c524d0f16c2059d91db44042a9f
--- /dev/null
+++ b/data/duorc_ParaphraseRC_answer_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:40b319fe91c7cb9abf1bda3cb1c6c99987319ba03288ec07fd7640d2476cbc6d
+size 49162094
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/COMPLETED b/data/duorc_ParaphraseRC_build_story_around_qa/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/info.test.json b/data/duorc_ParaphraseRC_build_story_around_qa/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_build_story_around_qa/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/info.train.json b/data/duorc_ParaphraseRC_build_story_around_qa/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_build_story_around_qa/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/info.validation.json b/data/duorc_ParaphraseRC_build_story_around_qa/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_build_story_around_qa/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/stats.test.json b/data/duorc_ParaphraseRC_build_story_around_qa/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9df89ee154d207b7ce316a10bba49adc70642450
--- /dev/null
+++ b/data/duorc_ParaphraseRC_build_story_around_qa/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13449,
+  "inputs_max_tokens": 68,
+  "inputs_tokens": 310024,
+  "targets_max_tokens": 958,
+  "targets_tokens": 6907837
+}
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/stats.train.json b/data/duorc_ParaphraseRC_build_story_around_qa/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2bcd311ebf32483aef723c7042bb742ad645f558
--- /dev/null
+++ b/data/duorc_ParaphraseRC_build_story_around_qa/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 58752,
+  "inputs_max_tokens": 82,
+  "inputs_tokens": 1348939,
+  "targets_max_tokens": 946,
+  "targets_tokens": 30152795
+}
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/stats.validation.json b/data/duorc_ParaphraseRC_build_story_around_qa/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..193a67ce4b052d058cdcd49e3fd1f47e757302a1
--- /dev/null
+++ b/data/duorc_ParaphraseRC_build_story_around_qa/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13111,
+  "inputs_max_tokens": 64,
+  "inputs_tokens": 300145,
+  "targets_max_tokens": 901,
+  "targets_tokens": 6698293
+}
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/test.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_build_story_around_qa/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..06ea62087fa2d5c07e158f4a119e23c507fd523d
--- /dev/null
+++ b/data/duorc_ParaphraseRC_build_story_around_qa/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dafaf1f78b7674c9c6b7afbb9fb06b40c519d9c2f6382fb1e32bca0b22f1a340
+size 40811981
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/train.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_build_story_around_qa/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dafec94ed06303c3c454717c3acf0eb06b9de5cc
--- /dev/null
+++ b/data/duorc_ParaphraseRC_build_story_around_qa/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:99182eb4dcc36970dd3ac7c27cea2118dd7f18588f93f0c20eacf5b9c5960ede
+size 178164106
diff --git a/data/duorc_ParaphraseRC_build_story_around_qa/validation.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_build_story_around_qa/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ffe8e7d40afe72aa53add6b64d223d68b100f766
--- /dev/null
+++ b/data/duorc_ParaphraseRC_build_story_around_qa/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4ef43b68a14d664994730ae9e55aa9562cfec5b6963241ab3e579d0edb82b3bc
+size 39739644
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/COMPLETED b/data/duorc_ParaphraseRC_decide_worth_it/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/info.test.json b/data/duorc_ParaphraseRC_decide_worth_it/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_decide_worth_it/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/info.train.json b/data/duorc_ParaphraseRC_decide_worth_it/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_decide_worth_it/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/info.validation.json b/data/duorc_ParaphraseRC_decide_worth_it/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_decide_worth_it/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/stats.test.json b/data/duorc_ParaphraseRC_decide_worth_it/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..843d28c8efca9cc170f651f1e0df434ef9b596ce
--- /dev/null
+++ b/data/duorc_ParaphraseRC_decide_worth_it/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15857,
+  "inputs_max_tokens": 1031,
+  "inputs_tokens": 9067838,
+  "targets_max_tokens": 41,
+  "targets_tokens": 72152
+}
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/stats.train.json b/data/duorc_ParaphraseRC_decide_worth_it/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..997eeed1a1d5576ec0361ecfa79b161812a01d37
--- /dev/null
+++ b/data/duorc_ParaphraseRC_decide_worth_it/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 69524,
+  "inputs_max_tokens": 1026,
+  "inputs_tokens": 39536154,
+  "targets_max_tokens": 42,
+  "targets_tokens": 310982
+}
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/stats.validation.json b/data/duorc_ParaphraseRC_decide_worth_it/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8df9f491eafdf9372d479811ddfa4a5b73762735
--- /dev/null
+++ b/data/duorc_ParaphraseRC_decide_worth_it/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15591,
+  "inputs_max_tokens": 969,
+  "inputs_tokens": 8814844,
+  "targets_max_tokens": 35,
+  "targets_tokens": 69461
+}
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/test.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_decide_worth_it/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..76d865ca845717b5c40fe1de8926443cb81c7d33
--- /dev/null
+++ b/data/duorc_ParaphraseRC_decide_worth_it/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:11958bf22a2f0761ff3924d55a71018d9c572a29fc6650cc11aca37859a70c95
+size 51352577
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/train.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_decide_worth_it/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9c6259cf734521fa5bbe512be96727532b2f25c9
--- /dev/null
+++ b/data/duorc_ParaphraseRC_decide_worth_it/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b290ffbaabe3f319e0402916d3cd9c1cba53ca8733ab732aea415676732ff67f
+size 223941504
diff --git a/data/duorc_ParaphraseRC_decide_worth_it/validation.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_decide_worth_it/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..51d194716adbe98e2d6c0ddb9d26048387abad54
--- /dev/null
+++ b/data/duorc_ParaphraseRC_decide_worth_it/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1e6e7d69ea6242b4c73e2649b8598c68b08d70249b4f11e8a244604f64eb9ba9
+size 50103809
diff --git a/data/duorc_ParaphraseRC_extract_answer/COMPLETED b/data/duorc_ParaphraseRC_extract_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_ParaphraseRC_extract_answer/info.test.json b/data/duorc_ParaphraseRC_extract_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_extract_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_extract_answer/info.train.json b/data/duorc_ParaphraseRC_extract_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_extract_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_extract_answer/info.validation.json b/data/duorc_ParaphraseRC_extract_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_extract_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_extract_answer/stats.test.json b/data/duorc_ParaphraseRC_extract_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b28f74d82b15f460e31700b41137c739ba851fe9
--- /dev/null
+++ b/data/duorc_ParaphraseRC_extract_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15857,
+  "inputs_max_tokens": 1017,
+  "inputs_tokens": 8845840,
+  "targets_max_tokens": 41,
+  "targets_tokens": 69993
+}
diff --git a/data/duorc_ParaphraseRC_extract_answer/stats.train.json b/data/duorc_ParaphraseRC_extract_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..30f8af9735f6782f5954642d6d9959d898a44dc4
--- /dev/null
+++ b/data/duorc_ParaphraseRC_extract_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 69524,
+  "inputs_max_tokens": 1012,
+  "inputs_tokens": 38562818,
+  "targets_max_tokens": 42,
+  "targets_tokens": 300154
+}
diff --git a/data/duorc_ParaphraseRC_extract_answer/stats.validation.json b/data/duorc_ParaphraseRC_extract_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..dcbf7207f71a4ce04d1a682cfb1aeda7cbcc2168
--- /dev/null
+++ b/data/duorc_ParaphraseRC_extract_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15591,
+  "inputs_max_tokens": 955,
+  "inputs_tokens": 8596570,
+  "targets_max_tokens": 35,
+  "targets_tokens": 67151
+}
diff --git a/data/duorc_ParaphraseRC_extract_answer/test.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_extract_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eee514b78f5f3887c4362ab32894a770f78a22d5
--- /dev/null
+++ b/data/duorc_ParaphraseRC_extract_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:73b6417ead43ea9ef42de02ef795b96f531de603248be5090a58c79292c607c1
+size 50549856
diff --git a/data/duorc_ParaphraseRC_extract_answer/train.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_extract_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bf25ae6f6e50ed77a445bac46e538d09b59575a2
--- /dev/null
+++ b/data/duorc_ParaphraseRC_extract_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c1e2c079d56c10f39eeb9a883c85a86ae7de2f05b02d805399f2ea753ac6f578
+size 220417995
diff --git a/data/duorc_ParaphraseRC_extract_answer/validation.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_extract_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..189dbeb1b58fdad33c2f9d6fc39c95ee3fbefe8b
--- /dev/null
+++ b/data/duorc_ParaphraseRC_extract_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:07d8eaf130867a387eddd950f7803afa3bc977d9eaa1ed7aab531d5aca64de08
+size 49314749
diff --git a/data/duorc_ParaphraseRC_generate_question/COMPLETED b/data/duorc_ParaphraseRC_generate_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_ParaphraseRC_generate_question/info.test.json b/data/duorc_ParaphraseRC_generate_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_generate_question/info.train.json b/data/duorc_ParaphraseRC_generate_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_generate_question/info.validation.json b/data/duorc_ParaphraseRC_generate_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_generate_question/stats.test.json b/data/duorc_ParaphraseRC_generate_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e69ef2886f5a2de056b34b21357f27e8cb8c060d
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15857,
+  "inputs_max_tokens": 969,
+  "inputs_tokens": 8195129,
+  "targets_max_tokens": 55,
+  "targets_tokens": 168305
+}
diff --git a/data/duorc_ParaphraseRC_generate_question/stats.train.json b/data/duorc_ParaphraseRC_generate_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..96972658dbc60bc527a4a1ca303751cc3eea08c7
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 69524,
+  "inputs_max_tokens": 957,
+  "inputs_tokens": 35710951,
+  "targets_max_tokens": 66,
+  "targets_tokens": 736712
+}
diff --git a/data/duorc_ParaphraseRC_generate_question/stats.validation.json b/data/duorc_ParaphraseRC_generate_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..263b65560b5681af4fa4115e45738227029d20bd
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15591,
+  "inputs_max_tokens": 912,
+  "inputs_tokens": 7957138,
+  "targets_max_tokens": 55,
+  "targets_tokens": 164602
+}
diff --git a/data/duorc_ParaphraseRC_generate_question/test.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_generate_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2cbfb7debb32c0087416164a5e16399996c2e1da
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9e3db28776d79937032f8651d5802ef540d00608227d374dee54507ae6b44025
+size 47436553
diff --git a/data/duorc_ParaphraseRC_generate_question/train.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_generate_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b9571eada75042bf2e348c2daee041a06ba46724
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c085ed57d835e9dc315fcf4eeb3217ba23cbbd8d794b2e17c3332089a42ed4ad
+size 206785453
diff --git a/data/duorc_ParaphraseRC_generate_question/validation.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_generate_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4973d73826a34c2a69ebc299cf0da501119d9457
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:03e7581f9a40c2480d123ae3c683c39f3044c49d840d4ab06ad83c9bde2e8322
+size 46258815
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/COMPLETED b/data/duorc_ParaphraseRC_generate_question_by_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/info.test.json b/data/duorc_ParaphraseRC_generate_question_by_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question_by_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/info.train.json b/data/duorc_ParaphraseRC_generate_question_by_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question_by_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/info.validation.json b/data/duorc_ParaphraseRC_generate_question_by_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question_by_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/stats.test.json b/data/duorc_ParaphraseRC_generate_question_by_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..44f2325bffb553446f8b3915c06718020b00000c
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question_by_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13449,
+  "inputs_max_tokens": 982,
+  "inputs_tokens": 7196645,
+  "targets_max_tokens": 47,
+  "targets_tokens": 142495
+}
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/stats.train.json b/data/duorc_ParaphraseRC_generate_question_by_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..cfce7118b7613d3bcfe4385064636b9ad12a86c3
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question_by_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 58752,
+  "inputs_max_tokens": 970,
+  "inputs_tokens": 31408671,
+  "targets_max_tokens": 66,
+  "targets_tokens": 621760
+}
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/stats.validation.json b/data/duorc_ParaphraseRC_generate_question_by_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4f1c5b63e7ccad5605274c095ae730d93b0c0d8f
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question_by_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 13111,
+  "inputs_max_tokens": 929,
+  "inputs_tokens": 6978547,
+  "targets_max_tokens": 49,
+  "targets_tokens": 138026
+}
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/test.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_generate_question_by_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7d2699d22aad5d889cf8e8e80852a0adbca6b856
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question_by_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:61dd72dd701a756d698bf0139af93c640c5eade77269e137c6cf877fdf42549b
+size 41679850
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/train.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_generate_question_by_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4995e4182a90fb5f4a8147314574cfca29eb4ec8
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question_by_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c0fc8601c2f5eeb6ade0c3549400e18f8da8ec5d175148df8fc5f39ab6e6ae5
+size 181954491
diff --git a/data/duorc_ParaphraseRC_generate_question_by_answer/validation.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_generate_question_by_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..72fa3df7fbcea2b64bce51dc2feeef56a97d6a56
--- /dev/null
+++ b/data/duorc_ParaphraseRC_generate_question_by_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0f6d39636fe7599d7e032323daf525ac2935173ff8a05c9f511f5c0d9ab2ab61
+size 40586272
diff --git a/data/duorc_ParaphraseRC_movie_director/COMPLETED b/data/duorc_ParaphraseRC_movie_director/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_ParaphraseRC_movie_director/info.test.json b/data/duorc_ParaphraseRC_movie_director/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_movie_director/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_movie_director/info.train.json b/data/duorc_ParaphraseRC_movie_director/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_movie_director/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_movie_director/info.validation.json b/data/duorc_ParaphraseRC_movie_director/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_movie_director/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_movie_director/stats.test.json b/data/duorc_ParaphraseRC_movie_director/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..56ab290627876a23bc39efa31854276a82916f6c
--- /dev/null
+++ b/data/duorc_ParaphraseRC_movie_director/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15857,
+  "inputs_max_tokens": 1026,
+  "inputs_tokens": 8988553,
+  "targets_max_tokens": 41,
+  "targets_tokens": 67158
+}
diff --git a/data/duorc_ParaphraseRC_movie_director/stats.train.json b/data/duorc_ParaphraseRC_movie_director/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..978d829423ea2845385881879418f0c669aadc78
--- /dev/null
+++ b/data/duorc_ParaphraseRC_movie_director/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 69524,
+  "inputs_max_tokens": 1021,
+  "inputs_tokens": 39188534,
+  "targets_max_tokens": 42,
+  "targets_tokens": 289095
+}
diff --git a/data/duorc_ParaphraseRC_movie_director/stats.validation.json b/data/duorc_ParaphraseRC_movie_director/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3856f1e6e69741ecd23321c5b17db93e2710aee4
--- /dev/null
+++ b/data/duorc_ParaphraseRC_movie_director/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15591,
+  "inputs_max_tokens": 964,
+  "inputs_tokens": 8736889,
+  "targets_max_tokens": 35,
+  "targets_tokens": 64931
+}
diff --git a/data/duorc_ParaphraseRC_movie_director/test.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_movie_director/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b610c8a6dc2eedc19fa4438d61a5a7d10ec1b490
--- /dev/null
+++ b/data/duorc_ParaphraseRC_movie_director/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72efc6120279c78c73015740ec5f18e01097def1565d13c6961dc29f3036ee1b
+size 51408734
diff --git a/data/duorc_ParaphraseRC_movie_director/train.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_movie_director/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..23b5cec3dd08a291c9d87d20eeeb8b84ddae626b
--- /dev/null
+++ b/data/duorc_ParaphraseRC_movie_director/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e94b3eb186c531d5d5931163193fa97d20cfd1a5761c40ce3b7219b65b756dcd
+size 224192080
diff --git a/data/duorc_ParaphraseRC_movie_director/validation.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_movie_director/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4c7c124b9df2dc6e8d3e93d908bd34e1630455fc
--- /dev/null
+++ b/data/duorc_ParaphraseRC_movie_director/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:69f55d9cc187f23f00d57cdd92b20401f6f4952601aedef43a2924f5d4246510
+size 50162874
diff --git a/data/duorc_ParaphraseRC_question_answering/COMPLETED b/data/duorc_ParaphraseRC_question_answering/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_ParaphraseRC_question_answering/info.test.json b/data/duorc_ParaphraseRC_question_answering/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_question_answering/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_question_answering/info.train.json b/data/duorc_ParaphraseRC_question_answering/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_question_answering/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_question_answering/info.validation.json b/data/duorc_ParaphraseRC_question_answering/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_question_answering/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_question_answering/stats.test.json b/data/duorc_ParaphraseRC_question_answering/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0aced2306610a144dbdcba2b9aa6070f6a60e521
--- /dev/null
+++ b/data/duorc_ParaphraseRC_question_answering/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15857,
+  "inputs_max_tokens": 1006,
+  "inputs_tokens": 8671413,
+  "targets_max_tokens": 41,
+  "targets_tokens": 79513
+}
diff --git a/data/duorc_ParaphraseRC_question_answering/stats.train.json b/data/duorc_ParaphraseRC_question_answering/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e72f3bcaec065d9c4a66dd1b419343cba1edbe76
--- /dev/null
+++ b/data/duorc_ParaphraseRC_question_answering/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 69524,
+  "inputs_max_tokens": 1001,
+  "inputs_tokens": 37798054,
+  "targets_max_tokens": 42,
+  "targets_tokens": 343268
+}
diff --git a/data/duorc_ParaphraseRC_question_answering/stats.validation.json b/data/duorc_ParaphraseRC_question_answering/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a90cd80bc373107cc86fafeb39253d4af73d4eb5
--- /dev/null
+++ b/data/duorc_ParaphraseRC_question_answering/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15591,
+  "inputs_max_tokens": 944,
+  "inputs_tokens": 8425069,
+  "targets_max_tokens": 35,
+  "targets_tokens": 77071
+}
diff --git a/data/duorc_ParaphraseRC_question_answering/test.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_question_answering/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4bf37d34cbdbec7558dc8b05a1699680a37752f1
--- /dev/null
+++ b/data/duorc_ParaphraseRC_question_answering/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e19975ca3406d340b4e66fceacef1abb2d05d73f3b6a27d8036b9f6095d37401
+size 49807828
diff --git a/data/duorc_ParaphraseRC_question_answering/train.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_question_answering/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a1ed6aa58651c48a75a8376bc559ae7ee55af76f
--- /dev/null
+++ b/data/duorc_ParaphraseRC_question_answering/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a226d04e98ae9790511f8f5498fc6106a0656727db0643574ddc494d64ba7e61
+size 217173846
diff --git a/data/duorc_ParaphraseRC_question_answering/validation.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_question_answering/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..69296cb05c7fab1fdb2bbea3e8631c84ca98462a
--- /dev/null
+++ b/data/duorc_ParaphraseRC_question_answering/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:203cdc7f9adf8900bced321fe978248530e48277ee84d29896f333f8ee60b133
+size 48590227
diff --git a/data/duorc_ParaphraseRC_title_generation/COMPLETED b/data/duorc_ParaphraseRC_title_generation/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_ParaphraseRC_title_generation/info.test.json b/data/duorc_ParaphraseRC_title_generation/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_title_generation/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_title_generation/info.train.json b/data/duorc_ParaphraseRC_title_generation/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_title_generation/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_title_generation/info.validation.json b/data/duorc_ParaphraseRC_title_generation/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_ParaphraseRC_title_generation/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_ParaphraseRC_title_generation/stats.test.json b/data/duorc_ParaphraseRC_title_generation/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e5923bb7c1953b6f5b9111ac93ba976a1e42c852
--- /dev/null
+++ b/data/duorc_ParaphraseRC_title_generation/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15857,
+  "inputs_max_tokens": 971,
+  "inputs_tokens": 8226843,
+  "targets_max_tokens": 22,
+  "targets_tokens": 70124
+}
diff --git a/data/duorc_ParaphraseRC_title_generation/stats.train.json b/data/duorc_ParaphraseRC_title_generation/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5793d161a48f68468b16aaa242be24bf9f861521
--- /dev/null
+++ b/data/duorc_ParaphraseRC_title_generation/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 69524,
+  "inputs_max_tokens": 959,
+  "inputs_tokens": 35849999,
+  "targets_max_tokens": 21,
+  "targets_tokens": 307531
+}
diff --git a/data/duorc_ParaphraseRC_title_generation/stats.validation.json b/data/duorc_ParaphraseRC_title_generation/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3b9d62a7da91f812d5a4a0ab2977954879fd69c8
--- /dev/null
+++ b/data/duorc_ParaphraseRC_title_generation/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 15591,
+  "inputs_max_tokens": 914,
+  "inputs_tokens": 7988320,
+  "targets_max_tokens": 23,
+  "targets_tokens": 69464
+}
diff --git a/data/duorc_ParaphraseRC_title_generation/test.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_title_generation/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..41a8f6b5a570819464379836a9e699f50bd47a8a
--- /dev/null
+++ b/data/duorc_ParaphraseRC_title_generation/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1bf7d2b19802bb04cef9e18c2a43c88505cdb611235aefdf18d1fa563367600f
+size 46956822
diff --git a/data/duorc_ParaphraseRC_title_generation/train.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_title_generation/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8481bc2ffd5fcb35002234ca748ffdf0afbf1a0b
--- /dev/null
+++ b/data/duorc_ParaphraseRC_title_generation/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a523b3eec00becd0f7b5a1167e27b41a4ce703317cc09f7ab3c0a7b631bd59b2
+size 204706776
diff --git a/data/duorc_ParaphraseRC_title_generation/validation.tfrecord-00000-of-00001 b/data/duorc_ParaphraseRC_title_generation/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c03ba5e102489c6be0613f7632a0ed8005b65b73
--- /dev/null
+++ b/data/duorc_ParaphraseRC_title_generation/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c3201c0f529258fe301920ed8caa5fcdb5604eeb180fa222d3a9e39c4ceca921
+size 45788486
diff --git a/data/duorc_SelfRC_answer_question/COMPLETED b/data/duorc_SelfRC_answer_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_SelfRC_answer_question/info.test.json b/data/duorc_SelfRC_answer_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_answer_question/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_answer_question/info.train.json b/data/duorc_SelfRC_answer_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_answer_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_answer_question/info.validation.json b/data/duorc_SelfRC_answer_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_answer_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_answer_question/stats.test.json b/data/duorc_SelfRC_answer_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fa0c5d54067b9fda7d3541c450c483533b92bd30
--- /dev/null
+++ b/data/duorc_SelfRC_answer_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12559,
+  "inputs_max_tokens": 717,
+  "inputs_tokens": 6703206,
+  "targets_max_tokens": 37,
+  "targets_tokens": 50786
+}
diff --git a/data/duorc_SelfRC_answer_question/stats.train.json b/data/duorc_SelfRC_answer_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0edf8219c68930ef9baf07f8f7ce569df608feef
--- /dev/null
+++ b/data/duorc_SelfRC_answer_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 60721,
+  "inputs_max_tokens": 727,
+  "inputs_tokens": 32811030,
+  "targets_max_tokens": 35,
+  "targets_tokens": 247729
+}
diff --git a/data/duorc_SelfRC_answer_question/stats.validation.json b/data/duorc_SelfRC_answer_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4f1670d7c24b98e01089f2dcc24fc12df70cccc7
--- /dev/null
+++ b/data/duorc_SelfRC_answer_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12961,
+  "inputs_max_tokens": 720,
+  "inputs_tokens": 6997873,
+  "targets_max_tokens": 31,
+  "targets_tokens": 52623
+}
diff --git a/data/duorc_SelfRC_answer_question/test.tfrecord-00000-of-00001 b/data/duorc_SelfRC_answer_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eafc6dcb6825c5c86ae4e7ebf7b875fd96948eda
--- /dev/null
+++ b/data/duorc_SelfRC_answer_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ba0165d1972795e9bcd0967a406164d0fbf2d8e16bba8082c36ab44ea9824e39
+size 38791661
diff --git a/data/duorc_SelfRC_answer_question/train.tfrecord-00000-of-00001 b/data/duorc_SelfRC_answer_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e3deef533912f47c604b8959b35a3b93e614feee
--- /dev/null
+++ b/data/duorc_SelfRC_answer_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c647a828fc7cf869cfb17385a372d12e194df337bde2301103a43fa2925fe64e
+size 189029547
diff --git a/data/duorc_SelfRC_answer_question/validation.tfrecord-00000-of-00001 b/data/duorc_SelfRC_answer_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..137bc18cae8708a62fb8204c90fb6aee2e676a50
--- /dev/null
+++ b/data/duorc_SelfRC_answer_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:970bb90f7641dce3b8eb0b22d5a9f7ede7dbab0bfa770eae88b2ed4787590b48
+size 40361499
diff --git a/data/duorc_SelfRC_build_story_around_qa/COMPLETED b/data/duorc_SelfRC_build_story_around_qa/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_SelfRC_build_story_around_qa/info.test.json b/data/duorc_SelfRC_build_story_around_qa/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_build_story_around_qa/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_build_story_around_qa/info.train.json b/data/duorc_SelfRC_build_story_around_qa/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_build_story_around_qa/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_build_story_around_qa/info.validation.json b/data/duorc_SelfRC_build_story_around_qa/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_build_story_around_qa/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_build_story_around_qa/stats.test.json b/data/duorc_SelfRC_build_story_around_qa/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7a9b2c58fbcd502ada1aca54fc3420624b27d6a7
--- /dev/null
+++ b/data/duorc_SelfRC_build_story_around_qa/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12415,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 280077,
+  "targets_max_tokens": 662,
+  "targets_tokens": 6011138
+}
diff --git a/data/duorc_SelfRC_build_story_around_qa/stats.train.json b/data/duorc_SelfRC_build_story_around_qa/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f951676cce8454c4ba86d432eb135b433cbf9584
--- /dev/null
+++ b/data/duorc_SelfRC_build_story_around_qa/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 60094,
+  "inputs_max_tokens": 86,
+  "inputs_tokens": 1362485,
+  "targets_max_tokens": 667,
+  "targets_tokens": 29462967
+}
diff --git a/data/duorc_SelfRC_build_story_around_qa/stats.validation.json b/data/duorc_SelfRC_build_story_around_qa/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f05d0f4f09a10c02dad1ef49ee626c8bb245a49f
--- /dev/null
+++ b/data/duorc_SelfRC_build_story_around_qa/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12845,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 290396,
+  "targets_max_tokens": 646,
+  "targets_tokens": 6294351
+}
diff --git a/data/duorc_SelfRC_build_story_around_qa/test.tfrecord-00000-of-00001 b/data/duorc_SelfRC_build_story_around_qa/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f6ebb0fc522cdf2eaaa5da51272780872cc25e41
--- /dev/null
+++ b/data/duorc_SelfRC_build_story_around_qa/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8c6f92eab64c60680b5db19fc381bea037bb5b12f7198c901b11e3449decb4d6
+size 36054067
diff --git a/data/duorc_SelfRC_build_story_around_qa/train.tfrecord-00000-of-00001 b/data/duorc_SelfRC_build_story_around_qa/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..82abfbcdd236cb478b4407d4fec1b67c5990b705
--- /dev/null
+++ b/data/duorc_SelfRC_build_story_around_qa/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ed3ffc964f0ae78d42b1080eaae63b8c275e34554d833eb6ddfbc71e169d9e0b
+size 175860823
diff --git a/data/duorc_SelfRC_build_story_around_qa/validation.tfrecord-00000-of-00001 b/data/duorc_SelfRC_build_story_around_qa/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..81b20b6c53d724fa6f8ee71f67c3c2c45e4bf5dc
--- /dev/null
+++ b/data/duorc_SelfRC_build_story_around_qa/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4c88d4b996fc4f43c379133bc0f66b6e46349d36c5a21b8a1b28006ca4ce083c
+size 37611697
diff --git a/data/duorc_SelfRC_decide_worth_it/COMPLETED b/data/duorc_SelfRC_decide_worth_it/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_SelfRC_decide_worth_it/info.test.json b/data/duorc_SelfRC_decide_worth_it/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_decide_worth_it/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_decide_worth_it/info.train.json b/data/duorc_SelfRC_decide_worth_it/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_decide_worth_it/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_decide_worth_it/info.validation.json b/data/duorc_SelfRC_decide_worth_it/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_decide_worth_it/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_decide_worth_it/stats.test.json b/data/duorc_SelfRC_decide_worth_it/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9b36a4d0d53f9a648cd7b6dc29eb82ebd0b56f3c
--- /dev/null
+++ b/data/duorc_SelfRC_decide_worth_it/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12559,
+  "inputs_max_tokens": 733,
+  "inputs_tokens": 6904150,
+  "targets_max_tokens": 37,
+  "targets_tokens": 51201
+}
diff --git a/data/duorc_SelfRC_decide_worth_it/stats.train.json b/data/duorc_SelfRC_decide_worth_it/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..560b051abff8bc12d809bd01d407433223df2001
--- /dev/null
+++ b/data/duorc_SelfRC_decide_worth_it/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 60721,
+  "inputs_max_tokens": 743,
+  "inputs_tokens": 33782566,
+  "targets_max_tokens": 35,
+  "targets_tokens": 249656
+}
diff --git a/data/duorc_SelfRC_decide_worth_it/stats.validation.json b/data/duorc_SelfRC_decide_worth_it/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..123a9e1035cdf4c308f7498d47d8497b1506601b
--- /dev/null
+++ b/data/duorc_SelfRC_decide_worth_it/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12961,
+  "inputs_max_tokens": 736,
+  "inputs_tokens": 7205249,
+  "targets_max_tokens": 31,
+  "targets_tokens": 52975
+}
diff --git a/data/duorc_SelfRC_decide_worth_it/test.tfrecord-00000-of-00001 b/data/duorc_SelfRC_decide_worth_it/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0c1312d73b21afba2d75974209cc8ec8df831e61
--- /dev/null
+++ b/data/duorc_SelfRC_decide_worth_it/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b63fc8d2354b3ba96b3ba596cf6e33ea873b8269858d3fd172dea213c3b8a40f
+size 39545600
diff --git a/data/duorc_SelfRC_decide_worth_it/train.tfrecord-00000-of-00001 b/data/duorc_SelfRC_decide_worth_it/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..52895a995771096ef1080bdd8a5cd2b107545a7f
--- /dev/null
+++ b/data/duorc_SelfRC_decide_worth_it/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3bd08b971bba2c52c05caca3bca9b2d591df2e9bd870c8234e04f1dad5f84485
+size 192674865
diff --git a/data/duorc_SelfRC_decide_worth_it/validation.tfrecord-00000-of-00001 b/data/duorc_SelfRC_decide_worth_it/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..11a09b0feeba1e64f1a4a975f0bd4cdfffd7fbd2
--- /dev/null
+++ b/data/duorc_SelfRC_decide_worth_it/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6721dd0726240b88cd3b956c2b71b970e249ebf7602627b88077c30ea3bbfb5e
+size 41139553
diff --git a/data/duorc_SelfRC_extract_answer/COMPLETED b/data/duorc_SelfRC_extract_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_SelfRC_extract_answer/info.test.json b/data/duorc_SelfRC_extract_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_extract_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_extract_answer/info.train.json b/data/duorc_SelfRC_extract_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_extract_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_extract_answer/info.validation.json b/data/duorc_SelfRC_extract_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_extract_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_extract_answer/stats.test.json b/data/duorc_SelfRC_extract_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b977d8fe20c414c3fae05e52af576537a1f12f0c
--- /dev/null
+++ b/data/duorc_SelfRC_extract_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12559,
+  "inputs_max_tokens": 719,
+  "inputs_tokens": 6728324,
+  "targets_max_tokens": 37,
+  "targets_tokens": 51057
+}
diff --git a/data/duorc_SelfRC_extract_answer/stats.train.json b/data/duorc_SelfRC_extract_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f4551d59fb42423912ef2f1434687a361f9bb670
--- /dev/null
+++ b/data/duorc_SelfRC_extract_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 60721,
+  "inputs_max_tokens": 729,
+  "inputs_tokens": 32932472,
+  "targets_max_tokens": 35,
+  "targets_tokens": 248988
+}
diff --git a/data/duorc_SelfRC_extract_answer/stats.validation.json b/data/duorc_SelfRC_extract_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..be87debe1114b7e71bcd72a30dd8f63c90630425
--- /dev/null
+++ b/data/duorc_SelfRC_extract_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12961,
+  "inputs_max_tokens": 722,
+  "inputs_tokens": 7023795,
+  "targets_max_tokens": 31,
+  "targets_tokens": 52866
+}
diff --git a/data/duorc_SelfRC_extract_answer/test.tfrecord-00000-of-00001 b/data/duorc_SelfRC_extract_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d9bbeeabc63b27693f7bb0d7a7ff70e86ed9e64a
--- /dev/null
+++ b/data/duorc_SelfRC_extract_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5a5fdc3d89b320b626db4b7bfeb0e140e6aa2f0bdf8bead938e1df5b9fbeaa17
+size 38905379
diff --git a/data/duorc_SelfRC_extract_answer/train.tfrecord-00000-of-00001 b/data/duorc_SelfRC_extract_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..56d67e763367279292940bc91cb4ccb711086cfe
--- /dev/null
+++ b/data/duorc_SelfRC_extract_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:82330d636a7f40c04236e1d44e75e6ec70fa38a6e5a42a129b5e5f8ac44fb4d6
+size 189579178
diff --git a/data/duorc_SelfRC_extract_answer/validation.tfrecord-00000-of-00001 b/data/duorc_SelfRC_extract_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3d79f1d1f4cb65e2d419776420e31df9cdbf446c
--- /dev/null
+++ b/data/duorc_SelfRC_extract_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c39875ffe4fc7b1c80d3490b14fc8ef38c088a3b52a09ee03a5542317afb51cf
+size 40478782
diff --git a/data/duorc_SelfRC_generate_question/COMPLETED b/data/duorc_SelfRC_generate_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_SelfRC_generate_question/info.test.json b/data/duorc_SelfRC_generate_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_generate_question/info.train.json b/data/duorc_SelfRC_generate_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_generate_question/info.validation.json b/data/duorc_SelfRC_generate_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_generate_question/stats.test.json b/data/duorc_SelfRC_generate_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ef0529c7fda978ebdc9d6a47ad6f990ae0d701ae
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12559,
+  "inputs_max_tokens": 673,
+  "inputs_tokens": 6214027,
+  "targets_max_tokens": 41,
+  "targets_tokens": 131749
+}
diff --git a/data/duorc_SelfRC_generate_question/stats.train.json b/data/duorc_SelfRC_generate_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6c6ff81ca5b530659dd99f73a52024d3d95d3ed5
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 60721,
+  "inputs_max_tokens": 678,
+  "inputs_tokens": 30434833,
+  "targets_max_tokens": 66,
+  "targets_tokens": 641564
+}
diff --git a/data/duorc_SelfRC_generate_question/stats.validation.json b/data/duorc_SelfRC_generate_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e60a5a8cc74b80583a40ea85d608583dd7066422
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12961,
+  "inputs_max_tokens": 657,
+  "inputs_tokens": 6492318,
+  "targets_max_tokens": 53,
+  "targets_tokens": 136368
+}
diff --git a/data/duorc_SelfRC_generate_question/test.tfrecord-00000-of-00001 b/data/duorc_SelfRC_generate_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1fcbf3a3d19676a89dec2cc2cc92ac8749b9a6ec
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5cf6473e1f375ed9b7d6d72622dba50ba2422b5bd8c80e90ec7ce9bd9b4a9242
+size 36451664
diff --git a/data/duorc_SelfRC_generate_question/train.tfrecord-00000-of-00001 b/data/duorc_SelfRC_generate_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a721441b6eb0a6e865a4d84f843858a0da2101ed
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8d6b328c99b94c5f51ddf0e9db12eca1009fe05103a0c847f26032ec02d9b321
+size 177691111
diff --git a/data/duorc_SelfRC_generate_question/validation.tfrecord-00000-of-00001 b/data/duorc_SelfRC_generate_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e66f550822be595aeb93a01607b765637dc5a18e
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f26a25d989dc34794b50bf5aa3179c38c71590161b9d60fb06e95282c5b4609a
+size 37947608
diff --git a/data/duorc_SelfRC_generate_question_by_answer/COMPLETED b/data/duorc_SelfRC_generate_question_by_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_SelfRC_generate_question_by_answer/info.test.json b/data/duorc_SelfRC_generate_question_by_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question_by_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_generate_question_by_answer/info.train.json b/data/duorc_SelfRC_generate_question_by_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question_by_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_generate_question_by_answer/info.validation.json b/data/duorc_SelfRC_generate_question_by_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question_by_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_generate_question_by_answer/stats.test.json b/data/duorc_SelfRC_generate_question_by_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4c64156ef9f2f822a1ea473722b4025da79c2c5c
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question_by_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12415,
+  "inputs_max_tokens": 691,
+  "inputs_tokens": 6272700,
+  "targets_max_tokens": 41,
+  "targets_tokens": 130289
+}
diff --git a/data/duorc_SelfRC_generate_question_by_answer/stats.train.json b/data/duorc_SelfRC_generate_question_by_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0940f963e10dec8abc63eb0ddeaaa5c7c9a4e4b2
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question_by_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 60094,
+  "inputs_max_tokens": 693,
+  "inputs_tokens": 30731033,
+  "targets_max_tokens": 66,
+  "targets_tokens": 635258
+}
diff --git a/data/duorc_SelfRC_generate_question_by_answer/stats.validation.json b/data/duorc_SelfRC_generate_question_by_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..efddbe9e2147a723f1d7e4a6b2118b823d9593ac
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question_by_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12845,
+  "inputs_max_tokens": 683,
+  "inputs_tokens": 6565111,
+  "targets_max_tokens": 53,
+  "targets_tokens": 135230
+}
diff --git a/data/duorc_SelfRC_generate_question_by_answer/test.tfrecord-00000-of-00001 b/data/duorc_SelfRC_generate_question_by_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..64d47d4b87deb2c9103735166ac5de8fcc1ae654
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question_by_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f0cee1b7a9bcb43b849901c26a161d11b0beede65985bd60ae0a856ee505bc66
+size 36856142
diff --git a/data/duorc_SelfRC_generate_question_by_answer/train.tfrecord-00000-of-00001 b/data/duorc_SelfRC_generate_question_by_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7d03eceb45c6b9d7ec4f7f2ab331dcd0ee838016
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question_by_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dc457aecac032fe9eec9b3628fafd3ea62fdc6b5997c3db2e0ee98a43bada690
+size 179741747
diff --git a/data/duorc_SelfRC_generate_question_by_answer/validation.tfrecord-00000-of-00001 b/data/duorc_SelfRC_generate_question_by_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ed20854099545c2d11c588a3c0b7e2300e956f54
--- /dev/null
+++ b/data/duorc_SelfRC_generate_question_by_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:958317c7940be76df20087bc474e28f387b2dfcb449be622d07fee8a3e2de9bd
+size 38441342
diff --git a/data/duorc_SelfRC_movie_director/COMPLETED b/data/duorc_SelfRC_movie_director/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_SelfRC_movie_director/info.test.json b/data/duorc_SelfRC_movie_director/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_movie_director/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_movie_director/info.train.json b/data/duorc_SelfRC_movie_director/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_movie_director/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_movie_director/info.validation.json b/data/duorc_SelfRC_movie_director/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_movie_director/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_movie_director/stats.test.json b/data/duorc_SelfRC_movie_director/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4d4ff926c602ae5d1f40de437850d727a870180d
--- /dev/null
+++ b/data/duorc_SelfRC_movie_director/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12559,
+  "inputs_max_tokens": 728,
+  "inputs_tokens": 6841355,
+  "targets_max_tokens": 37,
+  "targets_tokens": 50925
+}
diff --git a/data/duorc_SelfRC_movie_director/stats.train.json b/data/duorc_SelfRC_movie_director/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9fe99b280b489de9f8182ce85572fc098a317094
--- /dev/null
+++ b/data/duorc_SelfRC_movie_director/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 60721,
+  "inputs_max_tokens": 738,
+  "inputs_tokens": 33478961,
+  "targets_max_tokens": 35,
+  "targets_tokens": 248374
+}
diff --git a/data/duorc_SelfRC_movie_director/stats.validation.json b/data/duorc_SelfRC_movie_director/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..067c152ba0a47aa43761a29a45640dbaeaffc1ab
--- /dev/null
+++ b/data/duorc_SelfRC_movie_director/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12961,
+  "inputs_max_tokens": 731,
+  "inputs_tokens": 7140444,
+  "targets_max_tokens": 31,
+  "targets_tokens": 52746
+}
diff --git a/data/duorc_SelfRC_movie_director/test.tfrecord-00000-of-00001 b/data/duorc_SelfRC_movie_director/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a62ef1ffed550c426a9e8f7cc1b2bbb79bdedded
--- /dev/null
+++ b/data/duorc_SelfRC_movie_director/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f95b611e00c64d29264b76b709162b91db4ff807d68b7bee5bd9129b7a0b0797
+size 39583856
diff --git a/data/duorc_SelfRC_movie_director/train.tfrecord-00000-of-00001 b/data/duorc_SelfRC_movie_director/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..313154afeb8ef4e1eb02ac4572bbd69bbc718d4d
--- /dev/null
+++ b/data/duorc_SelfRC_movie_director/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:444eb37d0bf738c5531168005933314b9eb7b0298957a661e07a5f9e407e9368
+size 192859434
diff --git a/data/duorc_SelfRC_movie_director/validation.tfrecord-00000-of-00001 b/data/duorc_SelfRC_movie_director/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5fc3546a4e871a4d94c3312951d3b970f2658739
--- /dev/null
+++ b/data/duorc_SelfRC_movie_director/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:07899727a9006f188a7b242c094de522dd4bf40026a5b66b309558cf88105245
+size 41178830
diff --git a/data/duorc_SelfRC_question_answering/COMPLETED b/data/duorc_SelfRC_question_answering/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_SelfRC_question_answering/info.test.json b/data/duorc_SelfRC_question_answering/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_question_answering/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_question_answering/info.train.json b/data/duorc_SelfRC_question_answering/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_question_answering/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_question_answering/info.validation.json b/data/duorc_SelfRC_question_answering/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_question_answering/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_question_answering/stats.test.json b/data/duorc_SelfRC_question_answering/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7149872ce4f30b2692b03ed155c66c54597419ec
--- /dev/null
+++ b/data/duorc_SelfRC_question_answering/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12559,
+  "inputs_max_tokens": 708,
+  "inputs_tokens": 6590175,
+  "targets_max_tokens": 37,
+  "targets_tokens": 51633
+}
diff --git a/data/duorc_SelfRC_question_answering/stats.train.json b/data/duorc_SelfRC_question_answering/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e61a189115442756654b5b1799a006759408aaf6
--- /dev/null
+++ b/data/duorc_SelfRC_question_answering/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 60721,
+  "inputs_max_tokens": 718,
+  "inputs_tokens": 32264541,
+  "targets_max_tokens": 35,
+  "targets_tokens": 251503
+}
diff --git a/data/duorc_SelfRC_question_answering/stats.validation.json b/data/duorc_SelfRC_question_answering/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ce880a657475c9c9b63cb9cb4adee5b5fd1e0a41
--- /dev/null
+++ b/data/duorc_SelfRC_question_answering/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12961,
+  "inputs_max_tokens": 711,
+  "inputs_tokens": 6881224,
+  "targets_max_tokens": 31,
+  "targets_tokens": 53316
+}
diff --git a/data/duorc_SelfRC_question_answering/test.tfrecord-00000-of-00001 b/data/duorc_SelfRC_question_answering/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b832de6b0f7eb1a601a897adc3963f978a68819b
--- /dev/null
+++ b/data/duorc_SelfRC_question_answering/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f34d207aa2c8a9bbd814a4a4ea33ca8d4839da9baca92bbee00dbe4b9d20d28e
+size 38245656
diff --git a/data/duorc_SelfRC_question_answering/train.tfrecord-00000-of-00001 b/data/duorc_SelfRC_question_answering/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..06b8c66776e7e8c9984e38ca8a1dc045c70dadee
--- /dev/null
+++ b/data/duorc_SelfRC_question_answering/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aaa025b89c193d312826bdafb695606148cc88e5e1d8193d8c8c69ad119b62fe
+size 186386732
diff --git a/data/duorc_SelfRC_question_answering/validation.tfrecord-00000-of-00001 b/data/duorc_SelfRC_question_answering/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..668f7525a3f417f059ae0cee8c06443549cf95cc
--- /dev/null
+++ b/data/duorc_SelfRC_question_answering/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e0496d9be3c4b488f8dffa839a80c7ade184c342634a810f54384a6666f26391
+size 39796511
diff --git a/data/duorc_SelfRC_title_generation/COMPLETED b/data/duorc_SelfRC_title_generation/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/duorc_SelfRC_title_generation/info.test.json b/data/duorc_SelfRC_title_generation/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_title_generation/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_title_generation/info.train.json b/data/duorc_SelfRC_title_generation/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_title_generation/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_title_generation/info.validation.json b/data/duorc_SelfRC_title_generation/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/duorc_SelfRC_title_generation/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/duorc_SelfRC_title_generation/stats.test.json b/data/duorc_SelfRC_title_generation/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a251885373c59849432be6e2425a20f6824c767c
--- /dev/null
+++ b/data/duorc_SelfRC_title_generation/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12559,
+  "inputs_max_tokens": 675,
+  "inputs_tokens": 6239145,
+  "targets_max_tokens": 18,
+  "targets_tokens": 56014
+}
diff --git a/data/duorc_SelfRC_title_generation/stats.train.json b/data/duorc_SelfRC_title_generation/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..98be9aaa14812f16e3eaecf231a4195e1bc883b6
--- /dev/null
+++ b/data/duorc_SelfRC_title_generation/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 60721,
+  "inputs_max_tokens": 680,
+  "inputs_tokens": 30556275,
+  "targets_max_tokens": 23,
+  "targets_tokens": 277329
+}
diff --git a/data/duorc_SelfRC_title_generation/stats.validation.json b/data/duorc_SelfRC_title_generation/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ae10110c82a2b90a35e57256a174cf60995423f0
--- /dev/null
+++ b/data/duorc_SelfRC_title_generation/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 12961,
+  "inputs_max_tokens": 659,
+  "inputs_tokens": 6518240,
+  "targets_max_tokens": 20,
+  "targets_tokens": 58123
+}
diff --git a/data/duorc_SelfRC_title_generation/test.tfrecord-00000-of-00001 b/data/duorc_SelfRC_title_generation/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..60bfcaa4df2cdba677c3179ada8dbbf582d3c01e
--- /dev/null
+++ b/data/duorc_SelfRC_title_generation/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aa3a7cddefae84b92aded94598bfd32f78b35656c025cadf5630493a7a3bc70d
+size 36083222
diff --git a/data/duorc_SelfRC_title_generation/train.tfrecord-00000-of-00001 b/data/duorc_SelfRC_title_generation/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..24ef367fd57aa1dc9640287edead8ce74fc4d30c
--- /dev/null
+++ b/data/duorc_SelfRC_title_generation/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1314dcaa4baf3941a46a40e53c1ab6884cc40091f5c6126a3a9ccf6c33c42be4
+size 175906434
diff --git a/data/duorc_SelfRC_title_generation/validation.tfrecord-00000-of-00001 b/data/duorc_SelfRC_title_generation/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6a8ace18ee9c71d1c0c4b56927bdb31b84c3d279
--- /dev/null
+++ b/data/duorc_SelfRC_title_generation/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:45e85194d9b1a36a419ae0853303c965ba7727fa030ea4a236c408647dd1636b
+size 37563774
diff --git a/data/gigaword_TLDR/COMPLETED b/data/gigaword_TLDR/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/gigaword_TLDR/info.test.json b/data/gigaword_TLDR/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_TLDR/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_TLDR/info.train.json b/data/gigaword_TLDR/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_TLDR/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_TLDR/info.validation.json b/data/gigaword_TLDR/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_TLDR/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_TLDR/stats.test.json b/data/gigaword_TLDR/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0c828a41cd5b23d7d353e293e7c6e4853966fc8
--- /dev/null
+++ b/data/gigaword_TLDR/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1951,
+  "inputs_max_tokens": 153,
+  "inputs_tokens": 103321,
+  "targets_max_tokens": 49,
+  "targets_tokens": 28759
+}
diff --git a/data/gigaword_TLDR/stats.train.json b/data/gigaword_TLDR/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..50ca7897187c9d6e737d8ca62333733f2c14f05a
--- /dev/null
+++ b/data/gigaword_TLDR/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3803957,
+  "inputs_max_tokens": 285,
+  "inputs_tokens": 210657980,
+  "targets_max_tokens": 97,
+  "targets_tokens": 52334793
+}
diff --git a/data/gigaword_TLDR/stats.validation.json b/data/gigaword_TLDR/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..fa61b6e70fb5a3a932ff1fc6eabd3560313a2b0d
--- /dev/null
+++ b/data/gigaword_TLDR/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 189651,
+  "inputs_max_tokens": 225,
+  "inputs_tokens": 10521314,
+  "targets_max_tokens": 65,
+  "targets_tokens": 2621860
+}
diff --git a/data/gigaword_TLDR/test.tfrecord-00000-of-00001 b/data/gigaword_TLDR/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5e154506e8b623a5bba7c83a6d3e2ba9bbfd4b6d
--- /dev/null
+++ b/data/gigaword_TLDR/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:722c5f4808ad70e6c7cde6207c0c35ea23f43be8a245684f05042abea2fd04ec
+size 882853
diff --git a/data/gigaword_TLDR/train.tfrecord-00000-of-00001 b/data/gigaword_TLDR/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..06a25411f17a6327b0e7c557f01cd0abf94304b5
--- /dev/null
+++ b/data/gigaword_TLDR/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5fdddfcb1b2f3292994236fdecb7a59314e65d9987203fd7e6f9fe49712735dd
+size 1766599628
diff --git a/data/gigaword_TLDR/validation.tfrecord-00000-of-00001 b/data/gigaword_TLDR/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..549fb7ee779ea0734ef51e9d91f2d0df727d3656
--- /dev/null
+++ b/data/gigaword_TLDR/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4dca4fc6528e94556b47eb37d323775ddccd3811f666eb743818f6a967d655de
+size 88256455
diff --git a/data/gigaword_first_sentence_title/COMPLETED b/data/gigaword_first_sentence_title/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/gigaword_first_sentence_title/info.test.json b/data/gigaword_first_sentence_title/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_first_sentence_title/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_first_sentence_title/info.train.json b/data/gigaword_first_sentence_title/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_first_sentence_title/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_first_sentence_title/info.validation.json b/data/gigaword_first_sentence_title/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_first_sentence_title/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_first_sentence_title/stats.test.json b/data/gigaword_first_sentence_title/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6ae3d2ec0e9c0ef2a295e52a6ef158464fb1fdba
--- /dev/null
+++ b/data/gigaword_first_sentence_title/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1951,
+  "inputs_max_tokens": 156,
+  "inputs_tokens": 109174,
+  "targets_max_tokens": 49,
+  "targets_tokens": 28759
+}
diff --git a/data/gigaword_first_sentence_title/stats.train.json b/data/gigaword_first_sentence_title/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5cfd7914cd8b76b1a517b8380b7e777112b1bae1
--- /dev/null
+++ b/data/gigaword_first_sentence_title/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3803957,
+  "inputs_max_tokens": 288,
+  "inputs_tokens": 222069847,
+  "targets_max_tokens": 97,
+  "targets_tokens": 52334793
+}
diff --git a/data/gigaword_first_sentence_title/stats.validation.json b/data/gigaword_first_sentence_title/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c7ad92e233c10c4eea3f9bc06e21172f3c9ef070
--- /dev/null
+++ b/data/gigaword_first_sentence_title/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 189651,
+  "inputs_max_tokens": 228,
+  "inputs_tokens": 11090267,
+  "targets_max_tokens": 65,
+  "targets_tokens": 2621860
+}
diff --git a/data/gigaword_first_sentence_title/test.tfrecord-00000-of-00001 b/data/gigaword_first_sentence_title/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..820a891a01647cb391c00aa347a98bfcdf8b55b5
--- /dev/null
+++ b/data/gigaword_first_sentence_title/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4d869de94679f9bf191d4c35dcaa7bc2c41323baa25d6f1869cdcbc5d3601023
+size 953728
diff --git a/data/gigaword_first_sentence_title/train.tfrecord-00000-of-00001 b/data/gigaword_first_sentence_title/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d433a4c60bcad9d1f79fd21189fcbcc0ade3a9e0
--- /dev/null
+++ b/data/gigaword_first_sentence_title/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f23454b23918f685e06a32848d84ea3bb75633ea909090a501e73b1c2b3343a8
+size 1904601471
diff --git a/data/gigaword_first_sentence_title/validation.tfrecord-00000-of-00001 b/data/gigaword_first_sentence_title/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..beade7086a4d6f78adc1ebd80ba818870cb821b6
--- /dev/null
+++ b/data/gigaword_first_sentence_title/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:86fd24f580c6f289e0b1406f488c33fdbecf516fac877350d653529851f70444
+size 95137651
diff --git a/data/gigaword_generate_summary_for_this/COMPLETED b/data/gigaword_generate_summary_for_this/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/gigaword_generate_summary_for_this/info.test.json b/data/gigaword_generate_summary_for_this/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_generate_summary_for_this/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_generate_summary_for_this/info.train.json b/data/gigaword_generate_summary_for_this/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_generate_summary_for_this/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_generate_summary_for_this/info.validation.json b/data/gigaword_generate_summary_for_this/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_generate_summary_for_this/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_generate_summary_for_this/stats.test.json b/data/gigaword_generate_summary_for_this/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..70dafe096a92ecc43b25a8551dca1e8cea13a2d3
--- /dev/null
+++ b/data/gigaword_generate_summary_for_this/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1951,
+  "inputs_max_tokens": 160,
+  "inputs_tokens": 116978,
+  "targets_max_tokens": 49,
+  "targets_tokens": 28759
+}
diff --git a/data/gigaword_generate_summary_for_this/stats.train.json b/data/gigaword_generate_summary_for_this/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d62289e881b2fa6d7b7ec0b8a6889367c4e7cc9
--- /dev/null
+++ b/data/gigaword_generate_summary_for_this/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3803957,
+  "inputs_max_tokens": 292,
+  "inputs_tokens": 237285679,
+  "targets_max_tokens": 97,
+  "targets_tokens": 52334793
+}
diff --git a/data/gigaword_generate_summary_for_this/stats.validation.json b/data/gigaword_generate_summary_for_this/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..024c6bcd51fba9a8367fa8252f1942314fb9c647
--- /dev/null
+++ b/data/gigaword_generate_summary_for_this/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 189651,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 11848871,
+  "targets_max_tokens": 65,
+  "targets_tokens": 2621860
+}
diff --git a/data/gigaword_generate_summary_for_this/test.tfrecord-00000-of-00001 b/data/gigaword_generate_summary_for_this/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..432208d329a656a6bc2729b29d90c141c9c3b6cb
--- /dev/null
+++ b/data/gigaword_generate_summary_for_this/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cc2d0717be2ce5cb416e3fc9d490b7845bc1a27b99a07965a1117d5a74f7da9d
+size 971545
diff --git a/data/gigaword_generate_summary_for_this/train.tfrecord-00000-of-00001 b/data/gigaword_generate_summary_for_this/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..96f7d8e1afe6959018125245eb2865b0bf7be28b
--- /dev/null
+++ b/data/gigaword_generate_summary_for_this/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1e71b45f24c6c062609efb08ece6065299afee88c611c9d4906caf6ac3ed349e
+size 1939458863
diff --git a/data/gigaword_generate_summary_for_this/validation.tfrecord-00000-of-00001 b/data/gigaword_generate_summary_for_this/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..01ce2fb5c586dc69a52eec604a5aec1777bdd297
--- /dev/null
+++ b/data/gigaword_generate_summary_for_this/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:847abee68aa9ef5d36d4eee7a07a1da923c3aeba524a97083013d6291afd2370
+size 96876454
diff --git a/data/gigaword_in_a_nutshell/COMPLETED b/data/gigaword_in_a_nutshell/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/gigaword_in_a_nutshell/info.test.json b/data/gigaword_in_a_nutshell/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_in_a_nutshell/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_in_a_nutshell/info.train.json b/data/gigaword_in_a_nutshell/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_in_a_nutshell/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_in_a_nutshell/info.validation.json b/data/gigaword_in_a_nutshell/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_in_a_nutshell/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_in_a_nutshell/stats.test.json b/data/gigaword_in_a_nutshell/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b6bc3f8a5412bb96d55e7ec7ceccc7ab68758274
--- /dev/null
+++ b/data/gigaword_in_a_nutshell/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1951,
+  "inputs_max_tokens": 155,
+  "inputs_tokens": 107223,
+  "targets_max_tokens": 49,
+  "targets_tokens": 28759
+}
diff --git a/data/gigaword_in_a_nutshell/stats.train.json b/data/gigaword_in_a_nutshell/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..14c182c2b5e055bf96c29485c9790db793b18603
--- /dev/null
+++ b/data/gigaword_in_a_nutshell/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3803957,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 218265894,
+  "targets_max_tokens": 97,
+  "targets_tokens": 52334793
+}
diff --git a/data/gigaword_in_a_nutshell/stats.validation.json b/data/gigaword_in_a_nutshell/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..10029fd435501aacd134365b317daee595a44087
--- /dev/null
+++ b/data/gigaword_in_a_nutshell/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 189651,
+  "inputs_max_tokens": 227,
+  "inputs_tokens": 10900616,
+  "targets_max_tokens": 65,
+  "targets_tokens": 2621860
+}
diff --git a/data/gigaword_in_a_nutshell/test.tfrecord-00000-of-00001 b/data/gigaword_in_a_nutshell/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fa37db1593849ced6b6150c0706e607197ed521f
--- /dev/null
+++ b/data/gigaword_in_a_nutshell/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1ae373a922c4f6135f1d7f0e0c7b519b0bce73fec818853443951cd85cd11db4
+size 902579
diff --git a/data/gigaword_in_a_nutshell/train.tfrecord-00000-of-00001 b/data/gigaword_in_a_nutshell/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fb6632db1f2483f46c3c4a10f76d1992e281722d
--- /dev/null
+++ b/data/gigaword_in_a_nutshell/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:45e82afc5c9aed3048cf550854ef893d68e5774fbb66a38f0cc41a185ef6f5d9
+size 1805044660
diff --git a/data/gigaword_in_a_nutshell/validation.tfrecord-00000-of-00001 b/data/gigaword_in_a_nutshell/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b281d4a53a511032dfe750b2e72a22c6109f0d59
--- /dev/null
+++ b/data/gigaword_in_a_nutshell/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:312405ecdae424f9c14f211875baf1277bfde1ec85e9d15026c8e9a00050a0c6
+size 90173971
diff --git a/data/gigaword_make_a_title/COMPLETED b/data/gigaword_make_a_title/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/gigaword_make_a_title/info.test.json b/data/gigaword_make_a_title/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_make_a_title/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_make_a_title/info.train.json b/data/gigaword_make_a_title/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_make_a_title/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_make_a_title/info.validation.json b/data/gigaword_make_a_title/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_make_a_title/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_make_a_title/stats.test.json b/data/gigaword_make_a_title/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6ae3d2ec0e9c0ef2a295e52a6ef158464fb1fdba
--- /dev/null
+++ b/data/gigaword_make_a_title/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1951,
+  "inputs_max_tokens": 156,
+  "inputs_tokens": 109174,
+  "targets_max_tokens": 49,
+  "targets_tokens": 28759
+}
diff --git a/data/gigaword_make_a_title/stats.train.json b/data/gigaword_make_a_title/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5cfd7914cd8b76b1a517b8380b7e777112b1bae1
--- /dev/null
+++ b/data/gigaword_make_a_title/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3803957,
+  "inputs_max_tokens": 288,
+  "inputs_tokens": 222069847,
+  "targets_max_tokens": 97,
+  "targets_tokens": 52334793
+}
diff --git a/data/gigaword_make_a_title/stats.validation.json b/data/gigaword_make_a_title/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c7ad92e233c10c4eea3f9bc06e21172f3c9ef070
--- /dev/null
+++ b/data/gigaword_make_a_title/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 189651,
+  "inputs_max_tokens": 228,
+  "inputs_tokens": 11090267,
+  "targets_max_tokens": 65,
+  "targets_tokens": 2621860
+}
diff --git a/data/gigaword_make_a_title/test.tfrecord-00000-of-00001 b/data/gigaword_make_a_title/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..12e6bd546576b44ea7196bd21e124b05feef853d
--- /dev/null
+++ b/data/gigaword_make_a_title/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:843a0d7c9045159f98236812fff8e23f829911e10767ef8dcf7f27df82354b0a
+size 937999
diff --git a/data/gigaword_make_a_title/train.tfrecord-00000-of-00001 b/data/gigaword_make_a_title/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2ed74ab0a4c5e8535618bbb58634b2b1ecaf12c6
--- /dev/null
+++ b/data/gigaword_make_a_title/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e8ee4e1d908ad0114325e73ed6b8b413e3b2d23e86c18b3e6ed33433a108ad00
+size 1873969183
diff --git a/data/gigaword_make_a_title/validation.tfrecord-00000-of-00001 b/data/gigaword_make_a_title/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b088cd908709868bfceb7562650cf0ab571cd6ee
--- /dev/null
+++ b/data/gigaword_make_a_title/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:45cf992ed01a16f94444a64085f9f5e2691327fa51491225b7603f1cbd6831c6
+size 93610472
diff --git a/data/gigaword_reverse_writing/COMPLETED b/data/gigaword_reverse_writing/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/gigaword_reverse_writing/info.test.json b/data/gigaword_reverse_writing/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_reverse_writing/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_reverse_writing/info.train.json b/data/gigaword_reverse_writing/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_reverse_writing/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_reverse_writing/info.validation.json b/data/gigaword_reverse_writing/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_reverse_writing/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_reverse_writing/stats.test.json b/data/gigaword_reverse_writing/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4f6c2674893db1994d15590fb7f4d15dedd46b2a
--- /dev/null
+++ b/data/gigaword_reverse_writing/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1951,
+  "inputs_max_tokens": 51,
+  "inputs_tokens": 32661,
+  "targets_max_tokens": 148,
+  "targets_tokens": 93566
+}
diff --git a/data/gigaword_reverse_writing/stats.train.json b/data/gigaword_reverse_writing/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..91e470f1d325ee4ee2275791cba660e99059b63b
--- /dev/null
+++ b/data/gigaword_reverse_writing/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3803957,
+  "inputs_max_tokens": 99,
+  "inputs_tokens": 59942707,
+  "targets_max_tokens": 280,
+  "targets_tokens": 191638195
+}
diff --git a/data/gigaword_reverse_writing/stats.validation.json b/data/gigaword_reverse_writing/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f22ee62532cd1157f2dd3619476b711c9d8f59a
--- /dev/null
+++ b/data/gigaword_reverse_writing/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 189651,
+  "inputs_max_tokens": 67,
+  "inputs_tokens": 3001162,
+  "targets_max_tokens": 220,
+  "targets_tokens": 9573059
+}
diff --git a/data/gigaword_reverse_writing/test.tfrecord-00000-of-00001 b/data/gigaword_reverse_writing/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..110cc191c1fd402e0eaa4675c6e69350a42995f4
--- /dev/null
+++ b/data/gigaword_reverse_writing/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a0afebb0843e745526b7bbc8ce45e2c17627460211008c39c17770f84d5ead2d
+size 874803
diff --git a/data/gigaword_reverse_writing/train.tfrecord-00000-of-00001 b/data/gigaword_reverse_writing/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4e7ae9dacd613fbb6686182207be011770f88faa
--- /dev/null
+++ b/data/gigaword_reverse_writing/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ea7aba1dda1f8eb8e9c9dc272184d3596b334e3e9db3b71a28b7fd09a5fb977d
+size 1750855586
diff --git a/data/gigaword_reverse_writing/validation.tfrecord-00000-of-00001 b/data/gigaword_reverse_writing/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2464debdb813daa7ff6baba902e9a1c7532c8736
--- /dev/null
+++ b/data/gigaword_reverse_writing/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b76592be8988ed06ad316eb6c6cc20e98e05d9f012f3d75a94a2cc5429320588
+size 87470920
diff --git a/data/gigaword_write_a_title_for_this_sentence/COMPLETED b/data/gigaword_write_a_title_for_this_sentence/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/gigaword_write_a_title_for_this_sentence/info.test.json b/data/gigaword_write_a_title_for_this_sentence/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_write_a_title_for_this_sentence/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_write_a_title_for_this_sentence/info.train.json b/data/gigaword_write_a_title_for_this_sentence/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_write_a_title_for_this_sentence/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_write_a_title_for_this_sentence/info.validation.json b/data/gigaword_write_a_title_for_this_sentence/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_write_a_title_for_this_sentence/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_write_a_title_for_this_sentence/stats.test.json b/data/gigaword_write_a_title_for_this_sentence/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..32bdcaf85dff76d3c30ea4bc027a5ae13eb9dbcb
--- /dev/null
+++ b/data/gigaword_write_a_title_for_this_sentence/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1951,
+  "inputs_max_tokens": 158,
+  "inputs_tokens": 113076,
+  "targets_max_tokens": 49,
+  "targets_tokens": 28759
+}
diff --git a/data/gigaword_write_a_title_for_this_sentence/stats.train.json b/data/gigaword_write_a_title_for_this_sentence/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..02b5f38cca243080ad815b31b6be3a5533e05f77
--- /dev/null
+++ b/data/gigaword_write_a_title_for_this_sentence/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3803957,
+  "inputs_max_tokens": 290,
+  "inputs_tokens": 229677761,
+  "targets_max_tokens": 97,
+  "targets_tokens": 52334793
+}
diff --git a/data/gigaword_write_a_title_for_this_sentence/stats.validation.json b/data/gigaword_write_a_title_for_this_sentence/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d14c6926dae36e6220b2d00848fd6aaaacb469e
--- /dev/null
+++ b/data/gigaword_write_a_title_for_this_sentence/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 189651,
+  "inputs_max_tokens": 230,
+  "inputs_tokens": 11469569,
+  "targets_max_tokens": 65,
+  "targets_tokens": 2621860
+}
diff --git a/data/gigaword_write_a_title_for_this_sentence/test.tfrecord-00000-of-00001 b/data/gigaword_write_a_title_for_this_sentence/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0b79096f1b643f83e8ff58df826a790eaef30888
--- /dev/null
+++ b/data/gigaword_write_a_title_for_this_sentence/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cf0d1b4f81efabf90544376c398c6987183fb726fdaf1a152e096dece3be460d
+size 963561
diff --git a/data/gigaword_write_a_title_for_this_sentence/train.tfrecord-00000-of-00001 b/data/gigaword_write_a_title_for_this_sentence/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5b5476f396e239c0afe9c620e94835195e6fc3fa
--- /dev/null
+++ b/data/gigaword_write_a_title_for_this_sentence/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c16e24382b1f42f74ac84f4b6ed72fd7533c86dc41f3c2bbfadb1e4c227fa977
+size 1923804333
diff --git a/data/gigaword_write_a_title_for_this_sentence/validation.tfrecord-00000-of-00001 b/data/gigaword_write_a_title_for_this_sentence/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..735ebf1551f5f1be3aa3436f6b98fc3582d3c23e
--- /dev/null
+++ b/data/gigaword_write_a_title_for_this_sentence/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e55f12962cd225107fd0b9edd999690a73c39df0483416253d5aae6638de5b48
+size 96095071
diff --git a/data/gigaword_write_an_article/COMPLETED b/data/gigaword_write_an_article/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/gigaword_write_an_article/info.test.json b/data/gigaword_write_an_article/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_write_an_article/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_write_an_article/info.train.json b/data/gigaword_write_an_article/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_write_an_article/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_write_an_article/info.validation.json b/data/gigaword_write_an_article/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_write_an_article/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_write_an_article/stats.test.json b/data/gigaword_write_an_article/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..89fbcc45141615eed37ee747152116f14fde726a
--- /dev/null
+++ b/data/gigaword_write_an_article/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1951,
+  "inputs_max_tokens": 62,
+  "inputs_tokens": 54122,
+  "targets_max_tokens": 148,
+  "targets_tokens": 93566
+}
diff --git a/data/gigaword_write_an_article/stats.train.json b/data/gigaword_write_an_article/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..742e68b0c10bd5c4fee2128a6f2e576b5800189c
--- /dev/null
+++ b/data/gigaword_write_an_article/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3803957,
+  "inputs_max_tokens": 110,
+  "inputs_tokens": 101786234,
+  "targets_max_tokens": 280,
+  "targets_tokens": 191638195
+}
diff --git a/data/gigaword_write_an_article/stats.validation.json b/data/gigaword_write_an_article/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..55e29912765cefaea46eed086702840570fc85da
--- /dev/null
+++ b/data/gigaword_write_an_article/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 189651,
+  "inputs_max_tokens": 78,
+  "inputs_tokens": 5087323,
+  "targets_max_tokens": 220,
+  "targets_tokens": 9573059
+}
diff --git a/data/gigaword_write_an_article/test.tfrecord-00000-of-00001 b/data/gigaword_write_an_article/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ca6c91265092b0005249deda49fae41412a2324a
--- /dev/null
+++ b/data/gigaword_write_an_article/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bbccc5b61051240956272dc889cd924933c5d3b86cd5828a38815383ae53bb2a
+size 997526
diff --git a/data/gigaword_write_an_article/train.tfrecord-00000-of-00001 b/data/gigaword_write_an_article/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a222ddc562cc018c0e01363b14bba461b63c1a18
--- /dev/null
+++ b/data/gigaword_write_an_article/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:79458174a476461452f351f1bc3cfe10b872030c2842b0fa25d3cde95ec4b63c
+size 1989731022
diff --git a/data/gigaword_write_an_article/validation.tfrecord-00000-of-00001 b/data/gigaword_write_an_article/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..75c831b321fdde0b72e7d39c5b20efb8ab1cd061
--- /dev/null
+++ b/data/gigaword_write_an_article/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ed36b13b6556f064a473fb687027bf2c3a9d2e830ca0693807165c0486b7bf53
+size 99379849
diff --git a/data/gigaword_write_its_sentence/COMPLETED b/data/gigaword_write_its_sentence/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/gigaword_write_its_sentence/info.test.json b/data/gigaword_write_its_sentence/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_write_its_sentence/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_write_its_sentence/info.train.json b/data/gigaword_write_its_sentence/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_write_its_sentence/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_write_its_sentence/info.validation.json b/data/gigaword_write_its_sentence/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/gigaword_write_its_sentence/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/gigaword_write_its_sentence/stats.test.json b/data/gigaword_write_its_sentence/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..70dafe096a92ecc43b25a8551dca1e8cea13a2d3
--- /dev/null
+++ b/data/gigaword_write_its_sentence/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1951,
+  "inputs_max_tokens": 160,
+  "inputs_tokens": 116978,
+  "targets_max_tokens": 49,
+  "targets_tokens": 28759
+}
diff --git a/data/gigaword_write_its_sentence/stats.train.json b/data/gigaword_write_its_sentence/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d62289e881b2fa6d7b7ec0b8a6889367c4e7cc9
--- /dev/null
+++ b/data/gigaword_write_its_sentence/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3803957,
+  "inputs_max_tokens": 292,
+  "inputs_tokens": 237285679,
+  "targets_max_tokens": 97,
+  "targets_tokens": 52334793
+}
diff --git a/data/gigaword_write_its_sentence/stats.validation.json b/data/gigaword_write_its_sentence/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..024c6bcd51fba9a8367fa8252f1942314fb9c647
--- /dev/null
+++ b/data/gigaword_write_its_sentence/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 189651,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 11848871,
+  "targets_max_tokens": 65,
+  "targets_tokens": 2621860
+}
diff --git a/data/gigaword_write_its_sentence/test.tfrecord-00000-of-00001 b/data/gigaword_write_its_sentence/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d5a7302095e46dc396ceec58dbf780bf7f44bf8b
--- /dev/null
+++ b/data/gigaword_write_its_sentence/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:739272a3a4e69b59ee34b6af1d0dea6dcd6f0e23f321357d361d7566986384d4
+size 991232
diff --git a/data/gigaword_write_its_sentence/train.tfrecord-00000-of-00001 b/data/gigaword_write_its_sentence/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4392fbbe6b370a1a53cbc3f8732f3186e2465ee3
--- /dev/null
+++ b/data/gigaword_write_its_sentence/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:310640937f55d44a423e7dddd22dc3536621824f1e527bacba0a5b7ce7512916
+size 1977813532
diff --git a/data/gigaword_write_its_sentence/validation.tfrecord-00000-of-00001 b/data/gigaword_write_its_sentence/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5ed8c3efb81db2df976225529ae18ed3165f7e96
--- /dev/null
+++ b/data/gigaword_write_its_sentence/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cbd24ae15b1d5452254c7c037600dafe5133905366bcaf0c1fb08d48243270b1
+size 98788739
diff --git a/data/glue_mrpc_equivalent/COMPLETED b/data/glue_mrpc_equivalent/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_mrpc_equivalent/info.test.json b/data/glue_mrpc_equivalent/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_equivalent/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_equivalent/info.train.json b/data/glue_mrpc_equivalent/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_equivalent/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_equivalent/info.validation.json b/data/glue_mrpc_equivalent/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_equivalent/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_equivalent/stats.test.json b/data/glue_mrpc_equivalent/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5cd8589ae1d01ac4712468cd20dbadc84b75593d
--- /dev/null
+++ b/data/glue_mrpc_equivalent/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1725,
+  "inputs_max_tokens": 142,
+  "inputs_tokens": 130012,
+  "targets_max_tokens": 2,
+  "targets_tokens": 2303
+}
diff --git a/data/glue_mrpc_equivalent/stats.train.json b/data/glue_mrpc_equivalent/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a236f166d104bc99e46eebe280b90d19f2b2d493
--- /dev/null
+++ b/data/glue_mrpc_equivalent/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3668,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 277819,
+  "targets_max_tokens": 2,
+  "targets_tokens": 4862
+}
diff --git a/data/glue_mrpc_equivalent/stats.validation.json b/data/glue_mrpc_equivalent/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6bb3912d63596bb6b2f124877240ddb500d21bd9
--- /dev/null
+++ b/data/glue_mrpc_equivalent/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 408,
+  "inputs_max_tokens": 118,
+  "inputs_tokens": 30880,
+  "targets_max_tokens": 2,
+  "targets_tokens": 537
+}
diff --git a/data/glue_mrpc_equivalent/test.tfrecord-00000-of-00001 b/data/glue_mrpc_equivalent/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4a29817fd4740d72a042f361d1a1db78528aee94
--- /dev/null
+++ b/data/glue_mrpc_equivalent/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c0e6fc6b0373e67440934e5f4362d0da5a7f801bb1cade2c2fcee2b2a932b9b2
+size 1040829
diff --git a/data/glue_mrpc_equivalent/train.tfrecord-00000-of-00001 b/data/glue_mrpc_equivalent/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..27696ddb39e3a0e0abe4350ed8d8acda58241a37
--- /dev/null
+++ b/data/glue_mrpc_equivalent/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:524d3a689e4e6ba517395eed41a4b2a458f7d998edf401a57804fc5f9f7b299a
+size 2217051
diff --git a/data/glue_mrpc_equivalent/validation.tfrecord-00000-of-00001 b/data/glue_mrpc_equivalent/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..63aa04a8f90629688eb1523948ac37db3396923a
--- /dev/null
+++ b/data/glue_mrpc_equivalent/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7df9de7966a104adea8a8a77261c35441d7875c7e7ab4699a9f20fc6e005c887
+size 247579
diff --git a/data/glue_mrpc_generate_paraphrase/COMPLETED b/data/glue_mrpc_generate_paraphrase/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_mrpc_generate_paraphrase/info.test.json b/data/glue_mrpc_generate_paraphrase/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/glue_mrpc_generate_paraphrase/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_generate_paraphrase/info.train.json b/data/glue_mrpc_generate_paraphrase/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/glue_mrpc_generate_paraphrase/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_generate_paraphrase/info.validation.json b/data/glue_mrpc_generate_paraphrase/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/glue_mrpc_generate_paraphrase/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_generate_paraphrase/stats.test.json b/data/glue_mrpc_generate_paraphrase/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5cf8ee3d75b7fdeaba0005cf13a03e2781f6ab20
--- /dev/null
+++ b/data/glue_mrpc_generate_paraphrase/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1147,
+  "inputs_max_tokens": 68,
+  "inputs_tokens": 41648,
+  "targets_max_tokens": 64,
+  "targets_tokens": 34880
+}
diff --git a/data/glue_mrpc_generate_paraphrase/stats.train.json b/data/glue_mrpc_generate_paraphrase/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8e7369d70d4565854a766c649b9d56b205bfa841
--- /dev/null
+++ b/data/glue_mrpc_generate_paraphrase/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2474,
+  "inputs_max_tokens": 71,
+  "inputs_tokens": 89813,
+  "targets_max_tokens": 66,
+  "targets_tokens": 75190
+}
diff --git a/data/glue_mrpc_generate_paraphrase/stats.validation.json b/data/glue_mrpc_generate_paraphrase/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ed99b88a0a09d3c8c8ee3742112898ef13ab6cee
--- /dev/null
+++ b/data/glue_mrpc_generate_paraphrase/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 279,
+  "inputs_max_tokens": 56,
+  "inputs_tokens": 10259,
+  "targets_max_tokens": 53,
+  "targets_tokens": 8374
+}
diff --git a/data/glue_mrpc_generate_paraphrase/test.tfrecord-00000-of-00001 b/data/glue_mrpc_generate_paraphrase/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e6cf486a9a6ba7b38d83cff76f791bd2cb05671a
--- /dev/null
+++ b/data/glue_mrpc_generate_paraphrase/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:381c29f978268e0c75803ae7445cc4fbab881f5ef3f71ee7e0bbbff73e443d90
+size 580828
diff --git a/data/glue_mrpc_generate_paraphrase/train.tfrecord-00000-of-00001 b/data/glue_mrpc_generate_paraphrase/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..37b09f52045b649fc548923315e10e15bf30100d
--- /dev/null
+++ b/data/glue_mrpc_generate_paraphrase/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a3b62567433e2b2765021695712694cef18ac311ad1de1474a701d05285127ac
+size 1251467
diff --git a/data/glue_mrpc_generate_paraphrase/validation.tfrecord-00000-of-00001 b/data/glue_mrpc_generate_paraphrase/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ab5abdb6fabc4bb573dbfa51b10cb248dd672743
--- /dev/null
+++ b/data/glue_mrpc_generate_paraphrase/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6893958707b983407db88e53d706d990797117ada7a279a71230adb20ea3a0d9
+size 141881
diff --git a/data/glue_mrpc_generate_sentence/COMPLETED b/data/glue_mrpc_generate_sentence/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_mrpc_generate_sentence/info.test.json b/data/glue_mrpc_generate_sentence/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/glue_mrpc_generate_sentence/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_generate_sentence/info.train.json b/data/glue_mrpc_generate_sentence/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/glue_mrpc_generate_sentence/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_generate_sentence/info.validation.json b/data/glue_mrpc_generate_sentence/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/glue_mrpc_generate_sentence/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_generate_sentence/stats.test.json b/data/glue_mrpc_generate_sentence/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6895c448f0c4649c8ab037122b5bddaa30c0228d
--- /dev/null
+++ b/data/glue_mrpc_generate_sentence/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1147,
+  "inputs_max_tokens": 76,
+  "inputs_tokens": 50824,
+  "targets_max_tokens": 64,
+  "targets_tokens": 34880
+}
diff --git a/data/glue_mrpc_generate_sentence/stats.train.json b/data/glue_mrpc_generate_sentence/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1464030262f6ab5a9f9eb6c9aa44fb3ac4a47c4b
--- /dev/null
+++ b/data/glue_mrpc_generate_sentence/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2474,
+  "inputs_max_tokens": 79,
+  "inputs_tokens": 109605,
+  "targets_max_tokens": 66,
+  "targets_tokens": 75190
+}
diff --git a/data/glue_mrpc_generate_sentence/stats.validation.json b/data/glue_mrpc_generate_sentence/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d1609c565e50c9ebe1690dac1c392acce966deda
--- /dev/null
+++ b/data/glue_mrpc_generate_sentence/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 279,
+  "inputs_max_tokens": 64,
+  "inputs_tokens": 12491,
+  "targets_max_tokens": 53,
+  "targets_tokens": 8374
+}
diff --git a/data/glue_mrpc_generate_sentence/test.tfrecord-00000-of-00001 b/data/glue_mrpc_generate_sentence/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..16f1bc209f0301cc9a9eb37d98869bb2d51a1214
--- /dev/null
+++ b/data/glue_mrpc_generate_sentence/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:31a0f8f8003eab71ba5e50846cac65a244c345516206536fbe696192b7aa2cca
+size 619227
diff --git a/data/glue_mrpc_generate_sentence/train.tfrecord-00000-of-00001 b/data/glue_mrpc_generate_sentence/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7031b995ab378c81645f1089d31e0c1dc567852c
--- /dev/null
+++ b/data/glue_mrpc_generate_sentence/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:55e2dd5d99ecf59304eec352a329cdfb189f2f3c0c799ddac70db379f8fc5a90
+size 1334273
diff --git a/data/glue_mrpc_generate_sentence/validation.tfrecord-00000-of-00001 b/data/glue_mrpc_generate_sentence/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..131b06b99335249e136bc6fab122eb21b86c1bab
--- /dev/null
+++ b/data/glue_mrpc_generate_sentence/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:855033bd1aecc8168a4547ea112cd9aa8113f752325b26e55c535502bd9c22ce
+size 151213
diff --git a/data/glue_mrpc_paraphrase/COMPLETED b/data/glue_mrpc_paraphrase/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_mrpc_paraphrase/info.test.json b/data/glue_mrpc_paraphrase/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_paraphrase/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_paraphrase/info.train.json b/data/glue_mrpc_paraphrase/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_paraphrase/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_paraphrase/info.validation.json b/data/glue_mrpc_paraphrase/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_paraphrase/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_paraphrase/stats.test.json b/data/glue_mrpc_paraphrase/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..bd5bae3fb90b1e63f2f9e5ae2f61198cf385e2e9
--- /dev/null
+++ b/data/glue_mrpc_paraphrase/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1725,
+  "inputs_max_tokens": 144,
+  "inputs_tokens": 133462,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1725
+}
diff --git a/data/glue_mrpc_paraphrase/stats.train.json b/data/glue_mrpc_paraphrase/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ddf4bef5e496ce6241d7102d84b85295e11bfdfa
--- /dev/null
+++ b/data/glue_mrpc_paraphrase/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3668,
+  "inputs_max_tokens": 149,
+  "inputs_tokens": 285155,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3668
+}
diff --git a/data/glue_mrpc_paraphrase/stats.validation.json b/data/glue_mrpc_paraphrase/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5a80bfa41583622fbfd177c4f48990780dc0d305
--- /dev/null
+++ b/data/glue_mrpc_paraphrase/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 408,
+  "inputs_max_tokens": 120,
+  "inputs_tokens": 31696,
+  "targets_max_tokens": 1,
+  "targets_tokens": 408
+}
diff --git a/data/glue_mrpc_paraphrase/test.tfrecord-00000-of-00001 b/data/glue_mrpc_paraphrase/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..802c59d20e102959e78960ccddc6d3e0477f13e0
--- /dev/null
+++ b/data/glue_mrpc_paraphrase/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:babdd04da1d4a6aed57dedd35354d525910143e3e01d2de18e8d1b43f491f6fe
+size 1018693
diff --git a/data/glue_mrpc_paraphrase/train.tfrecord-00000-of-00001 b/data/glue_mrpc_paraphrase/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..27a9c52f62b31dc762426d78371d4a4271bda998
--- /dev/null
+++ b/data/glue_mrpc_paraphrase/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4c883246b6e926eb006ad9c89478d60b95e9204b1fc41d214ec984fbd037de6b
+size 2170178
diff --git a/data/glue_mrpc_paraphrase/validation.tfrecord-00000-of-00001 b/data/glue_mrpc_paraphrase/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a0552b9fa9dc52d3ad205dea07f19d612b83eb46
--- /dev/null
+++ b/data/glue_mrpc_paraphrase/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0b7ebe6ccf1be3a1595bc02da29fa9d59732fc77a3ace204fd26f25ffc20638b
+size 242378
diff --git a/data/glue_mrpc_replace/COMPLETED b/data/glue_mrpc_replace/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_mrpc_replace/info.test.json b/data/glue_mrpc_replace/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_replace/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_replace/info.train.json b/data/glue_mrpc_replace/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_replace/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_replace/info.validation.json b/data/glue_mrpc_replace/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_replace/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_replace/stats.test.json b/data/glue_mrpc_replace/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..52a8f48ee11b03f5e3ac50c7a368612dd7c97b83
--- /dev/null
+++ b/data/glue_mrpc_replace/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1725,
+  "inputs_max_tokens": 142,
+  "inputs_tokens": 130012,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1725
+}
diff --git a/data/glue_mrpc_replace/stats.train.json b/data/glue_mrpc_replace/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b3619171237faef3351b799989cd9570f7cc84a5
--- /dev/null
+++ b/data/glue_mrpc_replace/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3668,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 277819,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3668
+}
diff --git a/data/glue_mrpc_replace/stats.validation.json b/data/glue_mrpc_replace/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..926b8f2a850c79ab40c6bcf3ade7099961ed4e4f
--- /dev/null
+++ b/data/glue_mrpc_replace/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 408,
+  "inputs_max_tokens": 118,
+  "inputs_tokens": 30880,
+  "targets_max_tokens": 1,
+  "targets_tokens": 408
+}
diff --git a/data/glue_mrpc_replace/test.tfrecord-00000-of-00001 b/data/glue_mrpc_replace/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..76cf5d796fb2fea84e5d2d535ca131c13a929f75
--- /dev/null
+++ b/data/glue_mrpc_replace/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:32b3dff6df7322baf2c069b0e4f53d4752202bb3d1e61f7344305da0237912c6
+size 1009568
diff --git a/data/glue_mrpc_replace/train.tfrecord-00000-of-00001 b/data/glue_mrpc_replace/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8be0d485fbb1e5b9d4b008db95c9589c19ccfa99
--- /dev/null
+++ b/data/glue_mrpc_replace/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:50ce189b584c87345352661fd7c394947f2d55bf4694d8d5b7692c82edf09a5d
+size 2150764
diff --git a/data/glue_mrpc_replace/validation.tfrecord-00000-of-00001 b/data/glue_mrpc_replace/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..87f1c5a4eb6e9c2cebdefa4b5d2f790106aaeced
--- /dev/null
+++ b/data/glue_mrpc_replace/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:96b0b63703986a150cb3fa6b844f8dfe1429cc0eb5bfd5dffe9229ec9d521b34
+size 240229
diff --git a/data/glue_mrpc_same_thing/COMPLETED b/data/glue_mrpc_same_thing/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_mrpc_same_thing/info.test.json b/data/glue_mrpc_same_thing/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_same_thing/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_same_thing/info.train.json b/data/glue_mrpc_same_thing/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_same_thing/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_same_thing/info.validation.json b/data/glue_mrpc_same_thing/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_same_thing/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_same_thing/stats.test.json b/data/glue_mrpc_same_thing/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ff46bbd947de868c3a69a379abe38f063f784490
--- /dev/null
+++ b/data/glue_mrpc_same_thing/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1725,
+  "inputs_max_tokens": 136,
+  "inputs_tokens": 119662,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1725
+}
diff --git a/data/glue_mrpc_same_thing/stats.train.json b/data/glue_mrpc_same_thing/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f51fff0eeb46d53960af17ee81ca4f1c1b23e5b5
--- /dev/null
+++ b/data/glue_mrpc_same_thing/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3668,
+  "inputs_max_tokens": 141,
+  "inputs_tokens": 255811,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3668
+}
diff --git a/data/glue_mrpc_same_thing/stats.validation.json b/data/glue_mrpc_same_thing/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..50a832164d404494c67b114b872d6f8a1b3b9e22
--- /dev/null
+++ b/data/glue_mrpc_same_thing/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 408,
+  "inputs_max_tokens": 112,
+  "inputs_tokens": 28432,
+  "targets_max_tokens": 1,
+  "targets_tokens": 408
+}
diff --git a/data/glue_mrpc_same_thing/test.tfrecord-00000-of-00001 b/data/glue_mrpc_same_thing/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f82a78bee0df25516c0b65af94cedcccea2d6d73
--- /dev/null
+++ b/data/glue_mrpc_same_thing/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d6dbff04205a3101f3010e55e6d0a799e245a44b6f36a815f711e45db5ab4f7a
+size 955653
diff --git a/data/glue_mrpc_same_thing/train.tfrecord-00000-of-00001 b/data/glue_mrpc_same_thing/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a06d9f0a354e8374739eacfdd2d54717e3a84fa0
--- /dev/null
+++ b/data/glue_mrpc_same_thing/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6b0cacb59bccf12537753c6fc0d1f0bef5fff873b6e8c3b36032a95ac60943c4
+size 2036011
diff --git a/data/glue_mrpc_same_thing/validation.tfrecord-00000-of-00001 b/data/glue_mrpc_same_thing/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b6d9e32c5ce02cad43d4f94c62b0d0e79ba54ae9
--- /dev/null
+++ b/data/glue_mrpc_same_thing/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bc8087a1c664ebcd216ed158b7a99bace98f31acb3ed8c94dee298a8879e5c8e
+size 227474
diff --git a/data/glue_mrpc_want_to_know/COMPLETED b/data/glue_mrpc_want_to_know/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_mrpc_want_to_know/info.test.json b/data/glue_mrpc_want_to_know/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_want_to_know/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_want_to_know/info.train.json b/data/glue_mrpc_want_to_know/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_want_to_know/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_want_to_know/info.validation.json b/data/glue_mrpc_want_to_know/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_mrpc_want_to_know/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_mrpc_want_to_know/stats.test.json b/data/glue_mrpc_want_to_know/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..53f9438c4527f411aef543a255ac4e14e891a807
--- /dev/null
+++ b/data/glue_mrpc_want_to_know/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1725,
+  "inputs_max_tokens": 143,
+  "inputs_tokens": 131737,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1725
+}
diff --git a/data/glue_mrpc_want_to_know/stats.train.json b/data/glue_mrpc_want_to_know/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f4a94bce7e75fb14f7951bcece5a10c2e6bcc6b8
--- /dev/null
+++ b/data/glue_mrpc_want_to_know/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3668,
+  "inputs_max_tokens": 148,
+  "inputs_tokens": 281487,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3668
+}
diff --git a/data/glue_mrpc_want_to_know/stats.validation.json b/data/glue_mrpc_want_to_know/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..721241d893c30982881b3da5992df325575f7966
--- /dev/null
+++ b/data/glue_mrpc_want_to_know/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 408,
+  "inputs_max_tokens": 119,
+  "inputs_tokens": 31288,
+  "targets_max_tokens": 1,
+  "targets_tokens": 408
+}
diff --git a/data/glue_mrpc_want_to_know/test.tfrecord-00000-of-00001 b/data/glue_mrpc_want_to_know/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7319687d4b0d3d3827af8c58627dc5c95057ddae
--- /dev/null
+++ b/data/glue_mrpc_want_to_know/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0a0a175babee1a59fbf5f7fd7b36072c8eb5e0a8b03c8eeb48b4e09bc7072623
+size 1023868
diff --git a/data/glue_mrpc_want_to_know/train.tfrecord-00000-of-00001 b/data/glue_mrpc_want_to_know/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..882480914c5def9f2718d6b2e5d001cad4e8adfd
--- /dev/null
+++ b/data/glue_mrpc_want_to_know/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:034cc5446cf0601a5e8a1dba355df5fbd8a6b86c4bd31e75817332ae61ac7494
+size 2181182
diff --git a/data/glue_mrpc_want_to_know/validation.tfrecord-00000-of-00001 b/data/glue_mrpc_want_to_know/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1db656bcfae1cb7e0ce6ee41c5ee8412f96d6723
--- /dev/null
+++ b/data/glue_mrpc_want_to_know/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:10ebb1cc014c4862d19b58e7f5ff2f72ec4c16099cb4a8dea34c928e0c85af1f
+size 243602
diff --git a/data/glue_qqp_answer/COMPLETED b/data/glue_qqp_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_qqp_answer/info.test.json b/data/glue_qqp_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_answer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_answer/info.train.json b/data/glue_qqp_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_answer/info.validation.json b/data/glue_qqp_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_answer/stats.test.json b/data/glue_qqp_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d6fe37367accdfc8740b0df2bb332146ca91af5f
--- /dev/null
+++ b/data/glue_qqp_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 390965,
+  "inputs_max_tokens": 342,
+  "inputs_tokens": 16756420,
+  "targets_max_tokens": 1,
+  "targets_tokens": 390965
+}
diff --git a/data/glue_qqp_answer/stats.train.json b/data/glue_qqp_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8900510b202193a74f476b5858887ced9509b51f
--- /dev/null
+++ b/data/glue_qqp_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 363846,
+  "inputs_max_tokens": 357,
+  "inputs_tokens": 15320590,
+  "targets_max_tokens": 1,
+  "targets_tokens": 363846
+}
diff --git a/data/glue_qqp_answer/stats.validation.json b/data/glue_qqp_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8694efea84234f2924a9143aebd50da6a3ffcbb6
--- /dev/null
+++ b/data/glue_qqp_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40430,
+  "inputs_max_tokens": 221,
+  "inputs_tokens": 1701860,
+  "targets_max_tokens": 1,
+  "targets_tokens": 40430
+}
diff --git a/data/glue_qqp_answer/test.tfrecord-00000-of-00001 b/data/glue_qqp_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ba4c670def22d56c7a928e0c3b1bf10cd474fe62
--- /dev/null
+++ b/data/glue_qqp_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f207108526352b06c306d5c322284240e1ffa9e92cce6955668d5a432d6d812a
+size 151172245
diff --git a/data/glue_qqp_answer/train.tfrecord-00000-of-00001 b/data/glue_qqp_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bb0f77862796a678639cda9c88066bf93f6e2540
--- /dev/null
+++ b/data/glue_qqp_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:be96b366aaa24ed8699ea22db90695ae58125ecec874fa080f28289122ffac37
+size 139570204
diff --git a/data/glue_qqp_answer/validation.tfrecord-00000-of-00001 b/data/glue_qqp_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f07ce992fb70a05665b5282e128e1d95f8ffa8d7
--- /dev/null
+++ b/data/glue_qqp_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72d64e957a00bc2d85701c60bbc5f5543ea80c04b9af59df91a7037d9e60af74
+size 15505819
diff --git a/data/glue_qqp_duplicate/COMPLETED b/data/glue_qqp_duplicate/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_qqp_duplicate/info.test.json b/data/glue_qqp_duplicate/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_duplicate/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_duplicate/info.train.json b/data/glue_qqp_duplicate/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_duplicate/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_duplicate/info.validation.json b/data/glue_qqp_duplicate/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_duplicate/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_duplicate/stats.test.json b/data/glue_qqp_duplicate/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..cfc14140215f3df6c12a9dda8ea9ff297ccf3f9b
--- /dev/null
+++ b/data/glue_qqp_duplicate/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 390965,
+  "inputs_max_tokens": 342,
+  "inputs_tokens": 17135500,
+  "targets_max_tokens": 1,
+  "targets_tokens": 390965
+}
diff --git a/data/glue_qqp_duplicate/stats.train.json b/data/glue_qqp_duplicate/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..12717206b12bd8a8a5580c42443aa16b6bd3d87a
--- /dev/null
+++ b/data/glue_qqp_duplicate/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 363846,
+  "inputs_max_tokens": 358,
+  "inputs_tokens": 15675660,
+  "targets_max_tokens": 1,
+  "targets_tokens": 363846
+}
diff --git a/data/glue_qqp_duplicate/stats.validation.json b/data/glue_qqp_duplicate/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..62ee3cd08b49c353a03a21c30361465518f0e2ac
--- /dev/null
+++ b/data/glue_qqp_duplicate/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40430,
+  "inputs_max_tokens": 222,
+  "inputs_tokens": 1741337,
+  "targets_max_tokens": 1,
+  "targets_tokens": 40430
+}
diff --git a/data/glue_qqp_duplicate/test.tfrecord-00000-of-00001 b/data/glue_qqp_duplicate/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dbbdae1dc1c85f8750c4262e3a4d70506f769216
--- /dev/null
+++ b/data/glue_qqp_duplicate/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:990be078ae15b695083c60c706b014247c8160c6ec6c92260fbf322e2b742550
+size 155970107
diff --git a/data/glue_qqp_duplicate/train.tfrecord-00000-of-00001 b/data/glue_qqp_duplicate/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..680dcf9ec4da2e9e0d40b0b425a9ae1bfb3ff05a
--- /dev/null
+++ b/data/glue_qqp_duplicate/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d76c9a6bd79fec1ab8f5e0cbfc37ec6dbcaa5bb5fa38ad64edd6c0086f44722d
+size 144046470
diff --git a/data/glue_qqp_duplicate/validation.tfrecord-00000-of-00001 b/data/glue_qqp_duplicate/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..292409636ac12f14934f0232923b52d37440cc47
--- /dev/null
+++ b/data/glue_qqp_duplicate/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:707c6d741c96a91a8811a46a0a6b2ee83ae3c11937e76f04cb1a609a7b0842b7
+size 16003384
diff --git a/data/glue_qqp_duplicate_or_not/COMPLETED b/data/glue_qqp_duplicate_or_not/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_qqp_duplicate_or_not/info.test.json b/data/glue_qqp_duplicate_or_not/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_duplicate_or_not/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_duplicate_or_not/info.train.json b/data/glue_qqp_duplicate_or_not/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_duplicate_or_not/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_duplicate_or_not/info.validation.json b/data/glue_qqp_duplicate_or_not/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_duplicate_or_not/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_duplicate_or_not/stats.test.json b/data/glue_qqp_duplicate_or_not/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b843b1f0b6646f62695a9c9c266398e53bbb6233
--- /dev/null
+++ b/data/glue_qqp_duplicate_or_not/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 390965,
+  "inputs_max_tokens": 347,
+  "inputs_tokens": 18913796,
+  "targets_max_tokens": 2,
+  "targets_tokens": 781930
+}
diff --git a/data/glue_qqp_duplicate_or_not/stats.train.json b/data/glue_qqp_duplicate_or_not/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..717fbd303a91c06fb6474cd47e3b429adc7b91f5
--- /dev/null
+++ b/data/glue_qqp_duplicate_or_not/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 363846,
+  "inputs_max_tokens": 362,
+  "inputs_tokens": 17338319,
+  "targets_max_tokens": 3,
+  "targets_tokens": 957160
+}
diff --git a/data/glue_qqp_duplicate_or_not/stats.validation.json b/data/glue_qqp_duplicate_or_not/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4b6a55945ee7b985ef7e10b6a718fd332d25fb0a
--- /dev/null
+++ b/data/glue_qqp_duplicate_or_not/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40430,
+  "inputs_max_tokens": 226,
+  "inputs_tokens": 1926020,
+  "targets_max_tokens": 3,
+  "targets_tokens": 106405
+}
diff --git a/data/glue_qqp_duplicate_or_not/test.tfrecord-00000-of-00001 b/data/glue_qqp_duplicate_or_not/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88fc3ac1cd2b8cc9d06a2dd7f988209e9a78dc2b
--- /dev/null
+++ b/data/glue_qqp_duplicate_or_not/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9a67480816bd606683fc740ad528b41c753824dad390aa4bb6a8510181b02670
+size 173252452
diff --git a/data/glue_qqp_duplicate_or_not/train.tfrecord-00000-of-00001 b/data/glue_qqp_duplicate_or_not/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..33808179881fae03e72c8f1a0eeed422d3d85298
--- /dev/null
+++ b/data/glue_qqp_duplicate_or_not/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:75fd0ffc5c6ad9af179abecc792332a03b698bffec866beaa90ac4b04f4445cb
+size 161526103
diff --git a/data/glue_qqp_duplicate_or_not/validation.tfrecord-00000-of-00001 b/data/glue_qqp_duplicate_or_not/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1c1b3f73369c5505e60f8b789f7e47462650f044
--- /dev/null
+++ b/data/glue_qqp_duplicate_or_not/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4b6f4291454727612009621cf73a40b845d9714982d9b827157c2ebdd29bb80e
+size 17946112
diff --git a/data/glue_qqp_meaning/COMPLETED b/data/glue_qqp_meaning/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_qqp_meaning/info.test.json b/data/glue_qqp_meaning/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/glue_qqp_meaning/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_meaning/info.train.json b/data/glue_qqp_meaning/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/glue_qqp_meaning/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_meaning/info.validation.json b/data/glue_qqp_meaning/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/glue_qqp_meaning/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_meaning/stats.test.json b/data/glue_qqp_meaning/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..024ddc7e5165d645747d2c37895dc813793b5232
--- /dev/null
+++ b/data/glue_qqp_meaning/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 390965,
+  "inputs_max_tokens": 348,
+  "inputs_tokens": 19304761,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/glue_qqp_meaning/stats.train.json b/data/glue_qqp_meaning/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ef95d482bfed40cce29ffb234bd2bf48b942c46f
--- /dev/null
+++ b/data/glue_qqp_meaning/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 363846,
+  "inputs_max_tokens": 363,
+  "inputs_tokens": 17702165,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/glue_qqp_meaning/stats.validation.json b/data/glue_qqp_meaning/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a99e73b5b16b64373c634e22e44b5559c9ea9225
--- /dev/null
+++ b/data/glue_qqp_meaning/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40430,
+  "inputs_max_tokens": 227,
+  "inputs_tokens": 1966450,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/glue_qqp_meaning/test.tfrecord-00000-of-00001 b/data/glue_qqp_meaning/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d2b4899d6c1ae0f4cdccb3cd547248b2c02bc26
--- /dev/null
+++ b/data/glue_qqp_meaning/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:569d59eab818187652257d934d80af12db2b49d1bd1372ec38848e5f1bde81e4
+size 157680817
diff --git a/data/glue_qqp_meaning/train.tfrecord-00000-of-00001 b/data/glue_qqp_meaning/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7f17ec9a06e2c2bed88e4058fdc26369ce315c18
--- /dev/null
+++ b/data/glue_qqp_meaning/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8ce39ee639588c686e3e1c17da578d5412aa45b6b63b2c0d097b6605815a4b40
+size 145898649
diff --git a/data/glue_qqp_meaning/validation.tfrecord-00000-of-00001 b/data/glue_qqp_meaning/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a28fa7e031c6282595a5d5fe1a6254c15dc130a0
--- /dev/null
+++ b/data/glue_qqp_meaning/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7b600a2a12aace85fb478f47a0b2e5e58972215c904a1253d5a1cd185c4042a7
+size 16209322
diff --git a/data/glue_qqp_quora/COMPLETED b/data/glue_qqp_quora/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_qqp_quora/info.test.json b/data/glue_qqp_quora/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_quora/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_quora/info.train.json b/data/glue_qqp_quora/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_quora/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_quora/info.validation.json b/data/glue_qqp_quora/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_quora/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_quora/stats.test.json b/data/glue_qqp_quora/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..739e7374aecb383687b62c299d5fe946eece492e
--- /dev/null
+++ b/data/glue_qqp_quora/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 390965,
+  "inputs_max_tokens": 378,
+  "inputs_tokens": 31210240,
+  "targets_max_tokens": 1,
+  "targets_tokens": 390965
+}
diff --git a/data/glue_qqp_quora/stats.train.json b/data/glue_qqp_quora/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..429813d15291f429ed78a6ca481e8a53ecddfd5f
--- /dev/null
+++ b/data/glue_qqp_quora/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 363846,
+  "inputs_max_tokens": 394,
+  "inputs_tokens": 28774116,
+  "targets_max_tokens": 1,
+  "targets_tokens": 363846
+}
diff --git a/data/glue_qqp_quora/stats.validation.json b/data/glue_qqp_quora/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1429819d47179f652ef2ac59e5bf2b6f44119bce
--- /dev/null
+++ b/data/glue_qqp_quora/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40430,
+  "inputs_max_tokens": 258,
+  "inputs_tokens": 3196817,
+  "targets_max_tokens": 1,
+  "targets_tokens": 40430
+}
diff --git a/data/glue_qqp_quora/test.tfrecord-00000-of-00001 b/data/glue_qqp_quora/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ec7b8e1de19388442a23bdf3acc4f869e3c24d6b
--- /dev/null
+++ b/data/glue_qqp_quora/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3d4bae9fb9087e0d2b8716657e4d358bd231ed648ff3a3c5eb919ecf7e01a230
+size 230847159
diff --git a/data/glue_qqp_quora/train.tfrecord-00000-of-00001 b/data/glue_qqp_quora/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..97dfa865c9287f106673a80fdb2dbfad2c69f378
--- /dev/null
+++ b/data/glue_qqp_quora/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e1f92562f336559c23dc4362adec7d778820c74045d1cb624c8b82bc546a524e
+size 213721764
diff --git a/data/glue_qqp_quora/validation.tfrecord-00000-of-00001 b/data/glue_qqp_quora/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3334d6d7bbfb13e93d9ebf9675e276933f03a725
--- /dev/null
+++ b/data/glue_qqp_quora/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:316ec4df4628ac844faf524442409509b073313ed355f9a8ad1885c76694fef8
+size 23746172
diff --git a/data/glue_qqp_same_thing/COMPLETED b/data/glue_qqp_same_thing/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/glue_qqp_same_thing/info.test.json b/data/glue_qqp_same_thing/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_same_thing/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_same_thing/info.train.json b/data/glue_qqp_same_thing/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_same_thing/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_same_thing/info.validation.json b/data/glue_qqp_same_thing/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/glue_qqp_same_thing/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/glue_qqp_same_thing/stats.test.json b/data/glue_qqp_same_thing/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..994c10850f999032941383707e579db1b50c773f
--- /dev/null
+++ b/data/glue_qqp_same_thing/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 390965,
+  "inputs_max_tokens": 341,
+  "inputs_tokens": 16365455,
+  "targets_max_tokens": 1,
+  "targets_tokens": 390965
+}
diff --git a/data/glue_qqp_same_thing/stats.train.json b/data/glue_qqp_same_thing/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0a6de10ddaf3780d02ac3d3c7cf9952d0b951f87
--- /dev/null
+++ b/data/glue_qqp_same_thing/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 363846,
+  "inputs_max_tokens": 356,
+  "inputs_tokens": 14956744,
+  "targets_max_tokens": 1,
+  "targets_tokens": 363846
+}
diff --git a/data/glue_qqp_same_thing/stats.validation.json b/data/glue_qqp_same_thing/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d5c1e37496bd71e8daa93d433482615aad8310c9
--- /dev/null
+++ b/data/glue_qqp_same_thing/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40430,
+  "inputs_max_tokens": 220,
+  "inputs_tokens": 1661430,
+  "targets_max_tokens": 1,
+  "targets_tokens": 40430
+}
diff --git a/data/glue_qqp_same_thing/test.tfrecord-00000-of-00001 b/data/glue_qqp_same_thing/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..11d88571b8c0a279b864fe2177b5f85e65c4142f
--- /dev/null
+++ b/data/glue_qqp_same_thing/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5b0d1aea695c5bf652a767be7b570aec2c8f13d45a8ab6363614503b14789afc
+size 152781051
diff --git a/data/glue_qqp_same_thing/train.tfrecord-00000-of-00001 b/data/glue_qqp_same_thing/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..02f38b9d44b419d1cbbef40e0554bca970fa71e5
--- /dev/null
+++ b/data/glue_qqp_same_thing/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f5b04666a4104a328f97e793f9d79bf2a32ff47a5a89423bb79a8521983e146b
+size 141071879
diff --git a/data/glue_qqp_same_thing/validation.tfrecord-00000-of-00001 b/data/glue_qqp_same_thing/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..18f359c1abced5bc02dedad94ac77a4db932b04f
--- /dev/null
+++ b/data/glue_qqp_same_thing/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4fc5c1ed49225661c539bfd712b7f0fb26af5ee15ce1301d867f2c01779c412d
+size 15672825
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/COMPLETED b/data/hellaswag_Appropriate_continuation_Yes_or_No/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/info.test.json b/data/hellaswag_Appropriate_continuation_Yes_or_No/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Appropriate_continuation_Yes_or_No/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/info.train.json b/data/hellaswag_Appropriate_continuation_Yes_or_No/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Appropriate_continuation_Yes_or_No/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/info.validation.json b/data/hellaswag_Appropriate_continuation_Yes_or_No/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Appropriate_continuation_Yes_or_No/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/stats.test.json b/data/hellaswag_Appropriate_continuation_Yes_or_No/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f75bab5ad969639ef5d7cfdc1018c329d0f1767
--- /dev/null
+++ b/data/hellaswag_Appropriate_continuation_Yes_or_No/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 195,
+  "inputs_tokens": 1058216,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10003
+}
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/stats.train.json b/data/hellaswag_Appropriate_continuation_Yes_or_No/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..93ac1d52697782f92a4838f3c930ddf5e2924fd4
--- /dev/null
+++ b/data/hellaswag_Appropriate_continuation_Yes_or_No/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 197,
+  "inputs_tokens": 4183743,
+  "targets_max_tokens": 1,
+  "targets_tokens": 39905
+}
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/stats.validation.json b/data/hellaswag_Appropriate_continuation_Yes_or_No/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a5cf04ec1ba361f0673f376e3658f452768cc571
--- /dev/null
+++ b/data/hellaswag_Appropriate_continuation_Yes_or_No/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 193,
+  "inputs_tokens": 1085457,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10042
+}
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/test.tfrecord-00000-of-00001 b/data/hellaswag_Appropriate_continuation_Yes_or_No/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1c9509765eaac54604160a36c62b3bcec601a7e7
--- /dev/null
+++ b/data/hellaswag_Appropriate_continuation_Yes_or_No/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e832bd5bc14d5719cdb85fb846f60438fbcdd640ead7eb5370f80971845c3cdf
+size 7735713
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/train.tfrecord-00000-of-00001 b/data/hellaswag_Appropriate_continuation_Yes_or_No/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..021e11de5cd3078cf5d6d469cbb22acda791ceb4
--- /dev/null
+++ b/data/hellaswag_Appropriate_continuation_Yes_or_No/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:09a4ac353fca4b31f163bcfa13de0439f1ed5c66062bb9afb6f7e1cec1d351c4
+size 30849186
diff --git a/data/hellaswag_Appropriate_continuation_Yes_or_No/validation.tfrecord-00000-of-00001 b/data/hellaswag_Appropriate_continuation_Yes_or_No/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4e4d110ad1e53fb3be54b6e2d2584bfe85db98c7
--- /dev/null
+++ b/data/hellaswag_Appropriate_continuation_Yes_or_No/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:12784df2045b785111d394366e81f85373742d4b1d1c4cc28cc3db144bc58acf
+size 7926584
diff --git a/data/hellaswag_Open_ended_completion/COMPLETED b/data/hellaswag_Open_ended_completion/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Open_ended_completion/info.test.json b/data/hellaswag_Open_ended_completion/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Open_ended_completion/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Open_ended_completion/info.train.json b/data/hellaswag_Open_ended_completion/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Open_ended_completion/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Open_ended_completion/info.validation.json b/data/hellaswag_Open_ended_completion/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Open_ended_completion/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Open_ended_completion/stats.test.json b/data/hellaswag_Open_ended_completion/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ea2a0943bb4b47a816ef2f406a5c4a56e6365f09
--- /dev/null
+++ b/data/hellaswag_Open_ended_completion/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 139,
+  "inputs_tokens": 593377,
+  "targets_max_tokens": 98,
+  "targets_tokens": 334234
+}
diff --git a/data/hellaswag_Open_ended_completion/stats.train.json b/data/hellaswag_Open_ended_completion/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0d9355a473a6ff8d89f002bbb525c8b221e47328
--- /dev/null
+++ b/data/hellaswag_Open_ended_completion/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 143,
+  "inputs_tokens": 2341427,
+  "targets_max_tokens": 102,
+  "targets_tokens": 1332057
+}
diff --git a/data/hellaswag_Open_ended_completion/stats.validation.json b/data/hellaswag_Open_ended_completion/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b53cb16085d58765b55934440d09460076677b24
--- /dev/null
+++ b/data/hellaswag_Open_ended_completion/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 126,
+  "inputs_tokens": 607366,
+  "targets_max_tokens": 124,
+  "targets_tokens": 348240
+}
diff --git a/data/hellaswag_Open_ended_completion/test.tfrecord-00000-of-00001 b/data/hellaswag_Open_ended_completion/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cbc874f886db6f6cddb557b718de85a46ceaeaaf
--- /dev/null
+++ b/data/hellaswag_Open_ended_completion/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:122e1dbe53250b7e459c69b3b4fde899c9b759fbcddbe235cdc1bfbe35ee6830
+size 12207064
diff --git a/data/hellaswag_Open_ended_completion/train.tfrecord-00000-of-00001 b/data/hellaswag_Open_ended_completion/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8f8572f4c09dc73e4ad08d8264740df389696b4c
--- /dev/null
+++ b/data/hellaswag_Open_ended_completion/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7205f9438bb23833b7c697f619bb23d2f8544eb0fff49c79fb39a1234a3329c9
+size 48817406
diff --git a/data/hellaswag_Open_ended_completion/validation.tfrecord-00000-of-00001 b/data/hellaswag_Open_ended_completion/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6f26abef6c3bd4469b56cbb2eef8fb32dbe8182a
--- /dev/null
+++ b/data/hellaswag_Open_ended_completion/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:666d3996e52f63b3be57608fd99d8059ad7dc302a3d0b32cb1c537656f54ca00
+size 12630652
diff --git a/data/hellaswag_Open_ended_start/COMPLETED b/data/hellaswag_Open_ended_start/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Open_ended_start/info.test.json b/data/hellaswag_Open_ended_start/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/hellaswag_Open_ended_start/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Open_ended_start/info.train.json b/data/hellaswag_Open_ended_start/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/hellaswag_Open_ended_start/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Open_ended_start/info.validation.json b/data/hellaswag_Open_ended_start/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/hellaswag_Open_ended_start/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Open_ended_start/stats.test.json b/data/hellaswag_Open_ended_start/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e0b7e88cb09c6ece9ab9a1c7ebd97068e4e02008
--- /dev/null
+++ b/data/hellaswag_Open_ended_start/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 105,
+  "inputs_tokens": 404255,
+  "targets_max_tokens": 135,
+  "targets_tokens": 553365
+}
diff --git a/data/hellaswag_Open_ended_start/stats.train.json b/data/hellaswag_Open_ended_start/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..53496cd20548eac7598813d596577eea2e2f67b8
--- /dev/null
+++ b/data/hellaswag_Open_ended_start/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 109,
+  "inputs_tokens": 1611392,
+  "targets_max_tokens": 139,
+  "targets_tokens": 2181807
+}
diff --git a/data/hellaswag_Open_ended_start/stats.validation.json b/data/hellaswag_Open_ended_start/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6374601d90830d2522496c0883bcade07d70f3ed
--- /dev/null
+++ b/data/hellaswag_Open_ended_start/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 131,
+  "inputs_tokens": 418534,
+  "targets_max_tokens": 122,
+  "targets_tokens": 567198
+}
diff --git a/data/hellaswag_Open_ended_start/test.tfrecord-00000-of-00001 b/data/hellaswag_Open_ended_start/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7d0cb0a01cdfc03e5cd5cda96f038f93200a107d
--- /dev/null
+++ b/data/hellaswag_Open_ended_start/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:af5b3760db1def13d921a3fbfe881e1983ed2e47559832a9abe49cac92d95d94
+size 6579954
diff --git a/data/hellaswag_Open_ended_start/train.tfrecord-00000-of-00001 b/data/hellaswag_Open_ended_start/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..46c637ae0bd5331f0dead8139baede03901763d4
--- /dev/null
+++ b/data/hellaswag_Open_ended_start/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2bea64f758ec5903b4da11c3c4ff3947266a2c98965fb3bcbf03709a3b63010c
+size 26306107
diff --git a/data/hellaswag_Open_ended_start/validation.tfrecord-00000-of-00001 b/data/hellaswag_Open_ended_start/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f898c4c2878f5862245e3ddd1f487c263a942eb1
--- /dev/null
+++ b/data/hellaswag_Open_ended_start/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fca2be9b99157454e2d97d27787a18f2066135df33c6483973ff0ffb451642ad
+size 6776861
diff --git a/data/hellaswag_Predict_ending_with_hint/COMPLETED b/data/hellaswag_Predict_ending_with_hint/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Predict_ending_with_hint/info.test.json b/data/hellaswag_Predict_ending_with_hint/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Predict_ending_with_hint/info.train.json b/data/hellaswag_Predict_ending_with_hint/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Predict_ending_with_hint/info.validation.json b/data/hellaswag_Predict_ending_with_hint/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Predict_ending_with_hint/stats.test.json b/data/hellaswag_Predict_ending_with_hint/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6df15c0c1a95c03526b6213bf81469245165cf8e
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 389,
+  "inputs_tokens": 2200981,
+  "targets_max_tokens": 98,
+  "targets_tokens": 334234
+}
diff --git a/data/hellaswag_Predict_ending_with_hint/stats.train.json b/data/hellaswag_Predict_ending_with_hint/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e53a719005660c01e0ae6f0fb7292c28e901f3cd
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 401,
+  "inputs_tokens": 8690814,
+  "targets_max_tokens": 102,
+  "targets_tokens": 1332057
+}
diff --git a/data/hellaswag_Predict_ending_with_hint/stats.validation.json b/data/hellaswag_Predict_ending_with_hint/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1f70ed8748ac4b5509b97f771d0e0b22da6164ce
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 389,
+  "inputs_tokens": 2261197,
+  "targets_max_tokens": 124,
+  "targets_tokens": 348240
+}
diff --git a/data/hellaswag_Predict_ending_with_hint/test.tfrecord-00000-of-00001 b/data/hellaswag_Predict_ending_with_hint/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..706b9ba4ecb89f108cb7aef2052cd5536aba5fc1
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f5991530a18146457f519ae06f46ad6bc8d2cd11967f0ce797ae60d6f6ef2692
+size 20953314
diff --git a/data/hellaswag_Predict_ending_with_hint/train.tfrecord-00000-of-00001 b/data/hellaswag_Predict_ending_with_hint/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cd80153d4199a48064b1276aa132af2325b57965
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cbd8a9752b269a68b05621b0ce0182f85b34264ac953483282066dcf11c2c9e5
+size 83615864
diff --git a/data/hellaswag_Predict_ending_with_hint/validation.tfrecord-00000-of-00001 b/data/hellaswag_Predict_ending_with_hint/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7d89e9b0372114c5f9a369db116c5be51c61fcce
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b9c59381136ef2f7d87714be8942e62177387cce70f64ebb2776283a04cd1966
+size 21679926
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/COMPLETED b/data/hellaswag_Predict_ending_with_hint_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/info.test.json b/data/hellaswag_Predict_ending_with_hint_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/info.train.json b/data/hellaswag_Predict_ending_with_hint_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/info.validation.json b/data/hellaswag_Predict_ending_with_hint_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/stats.test.json b/data/hellaswag_Predict_ending_with_hint_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..453f1cb4b72b0cdcd0bacb52b05d00c4bdcc85a7
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40012,
+  "inputs_max_tokens": 389,
+  "inputs_tokens": 8803924,
+  "targets_max_tokens": 99,
+  "targets_tokens": 1338688
+}
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/stats.train.json b/data/hellaswag_Predict_ending_with_hint_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b459dcf10685a15a9111ba4dadf3b72c15c9b48b
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 159620,
+  "inputs_max_tokens": 401,
+  "inputs_tokens": 34763256,
+  "targets_max_tokens": 127,
+  "targets_tokens": 5293094
+}
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/stats.validation.json b/data/hellaswag_Predict_ending_with_hint_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..61801ef83330ffd34a398584e6803c5cf1eb6e3e
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40168,
+  "inputs_max_tokens": 389,
+  "inputs_tokens": 9044788,
+  "targets_max_tokens": 124,
+  "targets_tokens": 1387713
+}
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/test.tfrecord-00000-of-00001 b/data/hellaswag_Predict_ending_with_hint_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b8bfa463a27b8effe7e5c8a8f82eb5d26def1900
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:233be70669c5c4eb74f81c9682bf313279fd0670beac32778a2041dea285f443
+size 62912973
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/train.tfrecord-00000-of-00001 b/data/hellaswag_Predict_ending_with_hint_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d9d712162b9000f495282a5643fea875b4417c3f
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e058d77fd774eb9a9394842f228923bfb3c8897339dfadc50331aeba580ffc61
+size 250642619
diff --git a/data/hellaswag_Predict_ending_with_hint_score_eval/validation.tfrecord-00000-of-00001 b/data/hellaswag_Predict_ending_with_hint_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..724ad227e6748096f58f059b69fefd88da3b2720
--- /dev/null
+++ b/data/hellaswag_Predict_ending_with_hint_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:339c132ec76476d95b33fee92432922ab68c4cffe0ec6fcafe68d6c9ec4cb7b6
+size 64872502
diff --git a/data/hellaswag_Randomized_prompts_template/COMPLETED b/data/hellaswag_Randomized_prompts_template/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Randomized_prompts_template/info.test.json b/data/hellaswag_Randomized_prompts_template/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Randomized_prompts_template/info.train.json b/data/hellaswag_Randomized_prompts_template/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Randomized_prompts_template/info.validation.json b/data/hellaswag_Randomized_prompts_template/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Randomized_prompts_template/stats.test.json b/data/hellaswag_Randomized_prompts_template/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ffd19a2338a96d0a76ceb236d080d6969a0cb995
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 387,
+  "inputs_tokens": 2125328,
+  "targets_max_tokens": 98,
+  "targets_tokens": 334234
+}
diff --git a/data/hellaswag_Randomized_prompts_template/stats.train.json b/data/hellaswag_Randomized_prompts_template/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4833108dc66b2f6fc61662c7155a6b0f3e990884
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 395,
+  "inputs_tokens": 8403540,
+  "targets_max_tokens": 102,
+  "targets_tokens": 1332057
+}
diff --git a/data/hellaswag_Randomized_prompts_template/stats.validation.json b/data/hellaswag_Randomized_prompts_template/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d0a218dac394696ff5b98150b480707c8825e7ec
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 378,
+  "inputs_tokens": 2189136,
+  "targets_max_tokens": 124,
+  "targets_tokens": 348240
+}
diff --git a/data/hellaswag_Randomized_prompts_template/test.tfrecord-00000-of-00001 b/data/hellaswag_Randomized_prompts_template/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fca76f3fcfb7e6eeffac6a9f1a70e6c83b5cb467
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:357e8200bbcd2b9826159320f80e5fff3eec3d27a65a6f0012d38b7f628303b1
+size 20599279
diff --git a/data/hellaswag_Randomized_prompts_template/train.tfrecord-00000-of-00001 b/data/hellaswag_Randomized_prompts_template/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f8094c040d35b6e39a34d2638073e28daf9dbdd8
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:74c21090ebfa8dce707949914229b2fa903d9578bd0410a9a88d68502e0c2ca3
+size 82260756
diff --git a/data/hellaswag_Randomized_prompts_template/validation.tfrecord-00000-of-00001 b/data/hellaswag_Randomized_prompts_template/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..edb9c9c65e555ee4efd35efe658b3ac38ccb09ee
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7f56291560f805887d967d7da3e26f94f74035e42a401eadfaef4cbe81f5495b
+size 21327102
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/COMPLETED b/data/hellaswag_Randomized_prompts_template_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/info.test.json b/data/hellaswag_Randomized_prompts_template_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/info.train.json b/data/hellaswag_Randomized_prompts_template_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/info.validation.json b/data/hellaswag_Randomized_prompts_template_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/stats.test.json b/data/hellaswag_Randomized_prompts_template_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b2d987459bcc65468443d9f870b1cefe59b0c373
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40012,
+  "inputs_max_tokens": 387,
+  "inputs_tokens": 8501312,
+  "targets_max_tokens": 99,
+  "targets_tokens": 1338688
+}
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/stats.train.json b/data/hellaswag_Randomized_prompts_template_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c3e6f388f1539e3d8379b52fd2387d7f2f018469
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 159620,
+  "inputs_max_tokens": 395,
+  "inputs_tokens": 33614160,
+  "targets_max_tokens": 127,
+  "targets_tokens": 5293094
+}
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/stats.validation.json b/data/hellaswag_Randomized_prompts_template_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..dec3689676392ee89f57de60892543459872e061
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40168,
+  "inputs_max_tokens": 378,
+  "inputs_tokens": 8756544,
+  "targets_max_tokens": 124,
+  "targets_tokens": 1387713
+}
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/test.tfrecord-00000-of-00001 b/data/hellaswag_Randomized_prompts_template_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d15b4537042762e097a1f23b1775e39bb189b943
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:10cb11fb99527d6fde3eaa153fcb475ea8f405a19ff0a3bf0c7fca6d74f27d71
+size 61496833
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/train.tfrecord-00000-of-00001 b/data/hellaswag_Randomized_prompts_template_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2bc4103876476b1f7930b16817c514bc129ebedd
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:10d7d4327f61ee8009241a3921338a7c2fa54e19e01b5c4cfbb53a29bdc804d2
+size 245222187
diff --git a/data/hellaswag_Randomized_prompts_template_score_eval/validation.tfrecord-00000-of-00001 b/data/hellaswag_Randomized_prompts_template_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..48119a99a9925e0d8136566b52443f51484c447a
--- /dev/null
+++ b/data/hellaswag_Randomized_prompts_template_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c4da2ffcefbccd334c02b89e15f6c6e0a7640f8054e4ec990f1e9ce78b0ea7fc
+size 63461206
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/COMPLETED b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/info.test.json b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/info.train.json b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/info.validation.json b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/stats.test.json b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1448847a998efa58afedf5dd6bda6afa193213f5
--- /dev/null
+++ b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 200,
+  "inputs_tokens": 1108839,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10003
+}
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/stats.train.json b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0f1bab23953e41ac5fb3b2693c13a4568effd40f
--- /dev/null
+++ b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 197,
+  "inputs_tokens": 4379874,
+  "targets_max_tokens": 1,
+  "targets_tokens": 39905
+}
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/stats.validation.json b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..93577cd9d761681517ad51e5399d5844cc78ca0d
--- /dev/null
+++ b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 197,
+  "inputs_tokens": 1134241,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10042
+}
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/test.tfrecord-00000-of-00001 b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c0e6d32610e3766186ef9697e2ffb3d8f9253b1b
--- /dev/null
+++ b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:07c316ed80e55b61a9b93bfcfa4b890df7117a6e8224cad4be45ebc8518b6ef7
+size 7871111
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/train.tfrecord-00000-of-00001 b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..557121cd0f1e3a0e1f79e808fa11df030fc7e96a
--- /dev/null
+++ b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9b2d989d0987d80464b9a23ce90db7d697830326b5748df613433b57291cfaf0
+size 31349808
diff --git a/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/validation.tfrecord-00000-of-00001 b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a066b2b8a9557dcff3abe72734d0aaba58c34f91
--- /dev/null
+++ b/data/hellaswag_Reversed_appropriate_continuation_Yes_or_No/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:11fd8575706561779ebd4606344f1e6484b3a9e33d1bd18aa70a4594ce4e7950
+size 8051736
diff --git a/data/hellaswag_Topic_of_the_context/COMPLETED b/data/hellaswag_Topic_of_the_context/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Topic_of_the_context/info.test.json b/data/hellaswag_Topic_of_the_context/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/hellaswag_Topic_of_the_context/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Topic_of_the_context/info.train.json b/data/hellaswag_Topic_of_the_context/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/hellaswag_Topic_of_the_context/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Topic_of_the_context/info.validation.json b/data/hellaswag_Topic_of_the_context/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/hellaswag_Topic_of_the_context/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Topic_of_the_context/stats.test.json b/data/hellaswag_Topic_of_the_context/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6fa5819f28187b230207d47cd0d3621a1d6a017c
--- /dev/null
+++ b/data/hellaswag_Topic_of_the_context/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 189,
+  "inputs_tokens": 977626,
+  "targets_max_tokens": 10,
+  "targets_tokens": 38847
+}
diff --git a/data/hellaswag_Topic_of_the_context/stats.train.json b/data/hellaswag_Topic_of_the_context/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..edc753b3ccf1c12aa835d09d96a8ea77fac2bd00
--- /dev/null
+++ b/data/hellaswag_Topic_of_the_context/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 186,
+  "inputs_tokens": 3873009,
+  "targets_max_tokens": 10,
+  "targets_tokens": 138478
+}
diff --git a/data/hellaswag_Topic_of_the_context/stats.validation.json b/data/hellaswag_Topic_of_the_context/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..458fdfabe5a54d96166c36e7901756d5593d7d14
--- /dev/null
+++ b/data/hellaswag_Topic_of_the_context/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 188,
+  "inputs_tokens": 1005816,
+  "targets_max_tokens": 10,
+  "targets_tokens": 35152
+}
diff --git a/data/hellaswag_Topic_of_the_context/test.tfrecord-00000-of-00001 b/data/hellaswag_Topic_of_the_context/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a50662cc9d8efe99fada45ac9293d6bd71715ff6
--- /dev/null
+++ b/data/hellaswag_Topic_of_the_context/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d7eecd1a674e408f1dec261d6bab5afb751344fcb976c5f1d1645c050faac03d
+size 6962031
diff --git a/data/hellaswag_Topic_of_the_context/train.tfrecord-00000-of-00001 b/data/hellaswag_Topic_of_the_context/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8dd74414519746427547ef58465167df9cbf2a83
--- /dev/null
+++ b/data/hellaswag_Topic_of_the_context/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:97c972b1415bb6e37cf97be0243ef59be284dfbe67da833377e5a651eeee0be0
+size 27759863
diff --git a/data/hellaswag_Topic_of_the_context/validation.tfrecord-00000-of-00001 b/data/hellaswag_Topic_of_the_context/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8aa1cdeeccacfcdf10f6a519484afc82752e157b
--- /dev/null
+++ b/data/hellaswag_Topic_of_the_context/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7cc1614b3178764c7aa32c6b472baa3a9867960acbe2bc53de1793a07bf47905
+size 7157813
diff --git a/data/hellaswag_Topic_without_the_ending_answer/COMPLETED b/data/hellaswag_Topic_without_the_ending_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_Topic_without_the_ending_answer/info.test.json b/data/hellaswag_Topic_without_the_ending_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/hellaswag_Topic_without_the_ending_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Topic_without_the_ending_answer/info.train.json b/data/hellaswag_Topic_without_the_ending_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/hellaswag_Topic_without_the_ending_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Topic_without_the_ending_answer/info.validation.json b/data/hellaswag_Topic_without_the_ending_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/hellaswag_Topic_without_the_ending_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_Topic_without_the_ending_answer/stats.test.json b/data/hellaswag_Topic_without_the_ending_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d9a7887943e0831fc0085495867fbda5af73c90f
--- /dev/null
+++ b/data/hellaswag_Topic_without_the_ending_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 143,
+  "inputs_tokens": 633389,
+  "targets_max_tokens": 10,
+  "targets_tokens": 38847
+}
diff --git a/data/hellaswag_Topic_without_the_ending_answer/stats.train.json b/data/hellaswag_Topic_without_the_ending_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..08bce8375b9e34b99dbd0264c99f2ed5ed5b9667
--- /dev/null
+++ b/data/hellaswag_Topic_without_the_ending_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 2501047,
+  "targets_max_tokens": 10,
+  "targets_tokens": 138478
+}
diff --git a/data/hellaswag_Topic_without_the_ending_answer/stats.validation.json b/data/hellaswag_Topic_without_the_ending_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3efff14b75d64974c5bcac126d2e9b429f7259ee
--- /dev/null
+++ b/data/hellaswag_Topic_without_the_ending_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 130,
+  "inputs_tokens": 647534,
+  "targets_max_tokens": 10,
+  "targets_tokens": 35152
+}
diff --git a/data/hellaswag_Topic_without_the_ending_answer/test.tfrecord-00000-of-00001 b/data/hellaswag_Topic_without_the_ending_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3aeae67affdf3e14801bd71cb44353722c4a2e5e
--- /dev/null
+++ b/data/hellaswag_Topic_without_the_ending_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:016ca2cd5194aa0c95b361503895bc0d3214d2ddab07299a9c8b5294d7f03d6d
+size 4953026
diff --git a/data/hellaswag_Topic_without_the_ending_answer/train.tfrecord-00000-of-00001 b/data/hellaswag_Topic_without_the_ending_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3041eac75c53dfe934a9df652fbb6e58f92b669b
--- /dev/null
+++ b/data/hellaswag_Topic_without_the_ending_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b20bb4cd52d7283513eae7f8000e6f2b76bca8756721ccc20ec71e3c3606cc1b
+size 19678604
diff --git a/data/hellaswag_Topic_without_the_ending_answer/validation.tfrecord-00000-of-00001 b/data/hellaswag_Topic_without_the_ending_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..839df7da890e7dfc59709e8a8ca8e9c958fa53a6
--- /dev/null
+++ b/data/hellaswag_Topic_without_the_ending_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:22bf2f6606caa3febb5050c00082164e2ac4ced0d91910611e772e471f08c814
+size 5060780
diff --git a/data/hellaswag_complete_first_then/COMPLETED b/data/hellaswag_complete_first_then/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_complete_first_then/info.test.json b/data/hellaswag_complete_first_then/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_complete_first_then/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_complete_first_then/info.train.json b/data/hellaswag_complete_first_then/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_complete_first_then/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_complete_first_then/info.validation.json b/data/hellaswag_complete_first_then/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_complete_first_then/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_complete_first_then/stats.test.json b/data/hellaswag_complete_first_then/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e5e7a976b28e71e38633e2f2299003ab2c8e3ae2
--- /dev/null
+++ b/data/hellaswag_complete_first_then/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 384,
+  "inputs_tokens": 2163166,
+  "targets_max_tokens": 98,
+  "targets_tokens": 334234
+}
diff --git a/data/hellaswag_complete_first_then/stats.train.json b/data/hellaswag_complete_first_then/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7f70f86acacc072003d473729d5ddc0c7cfa9978
--- /dev/null
+++ b/data/hellaswag_complete_first_then/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 400,
+  "inputs_tokens": 8556231,
+  "targets_max_tokens": 102,
+  "targets_tokens": 1332057
+}
diff --git a/data/hellaswag_complete_first_then/stats.validation.json b/data/hellaswag_complete_first_then/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..252bdeda00fa2d5eb6cc9b4a3561db6e7c53a67b
--- /dev/null
+++ b/data/hellaswag_complete_first_then/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 385,
+  "inputs_tokens": 2226919,
+  "targets_max_tokens": 124,
+  "targets_tokens": 348240
+}
diff --git a/data/hellaswag_complete_first_then/test.tfrecord-00000-of-00001 b/data/hellaswag_complete_first_then/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e8c34142e944e9bd17dc617bc094014772b28ca
--- /dev/null
+++ b/data/hellaswag_complete_first_then/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6926027f50766ca46bd61575f5506b4649ab7543c8728ab15573223489fa654c
+size 20717663
diff --git a/data/hellaswag_complete_first_then/train.tfrecord-00000-of-00001 b/data/hellaswag_complete_first_then/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e9d3c5afce4769b9ad668e523c4d89bb8036c02f
--- /dev/null
+++ b/data/hellaswag_complete_first_then/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9e74dc4614034f3eca32ffae062540cd075138503e74124e4f9c6096edde8890
+size 82746621
diff --git a/data/hellaswag_complete_first_then/validation.tfrecord-00000-of-00001 b/data/hellaswag_complete_first_then/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..508f19ae5d688816847360549d69f3f5fd5a9c15
--- /dev/null
+++ b/data/hellaswag_complete_first_then/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ec72772f31ca1af1fad76b1aed2286c44e5276769eab5456f09280cbdd96ed16
+size 21445141
diff --git a/data/hellaswag_complete_first_then_score_eval/COMPLETED b/data/hellaswag_complete_first_then_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_complete_first_then_score_eval/info.test.json b/data/hellaswag_complete_first_then_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_complete_first_then_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_complete_first_then_score_eval/info.train.json b/data/hellaswag_complete_first_then_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_complete_first_then_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_complete_first_then_score_eval/info.validation.json b/data/hellaswag_complete_first_then_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_complete_first_then_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_complete_first_then_score_eval/stats.test.json b/data/hellaswag_complete_first_then_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7acd55ee844534a1e99ab5a2c74c43087d741526
--- /dev/null
+++ b/data/hellaswag_complete_first_then_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40012,
+  "inputs_max_tokens": 384,
+  "inputs_tokens": 8652664,
+  "targets_max_tokens": 99,
+  "targets_tokens": 1338688
+}
diff --git a/data/hellaswag_complete_first_then_score_eval/stats.train.json b/data/hellaswag_complete_first_then_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..812361c3432b30253e4b5d03a8f4a2585492576d
--- /dev/null
+++ b/data/hellaswag_complete_first_then_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 159620,
+  "inputs_max_tokens": 400,
+  "inputs_tokens": 34224924,
+  "targets_max_tokens": 127,
+  "targets_tokens": 5293094
+}
diff --git a/data/hellaswag_complete_first_then_score_eval/stats.validation.json b/data/hellaswag_complete_first_then_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1624c6cbb16d5f0a5a4bc5e98d51389fa4b1133f
--- /dev/null
+++ b/data/hellaswag_complete_first_then_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40168,
+  "inputs_max_tokens": 385,
+  "inputs_tokens": 8907676,
+  "targets_max_tokens": 124,
+  "targets_tokens": 1387713
+}
diff --git a/data/hellaswag_complete_first_then_score_eval/test.tfrecord-00000-of-00001 b/data/hellaswag_complete_first_then_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5d822d367c2042d0c7f3b753e4780a5d4947a421
--- /dev/null
+++ b/data/hellaswag_complete_first_then_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0eac543e13d428bafc225870037e4401497ea142ef47a2e50fabc70fac60224d
+size 61970369
diff --git a/data/hellaswag_complete_first_then_score_eval/train.tfrecord-00000-of-00001 b/data/hellaswag_complete_first_then_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6f55b76dbd1dd61b7a4be49fd312c81e7b83a9bc
--- /dev/null
+++ b/data/hellaswag_complete_first_then_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:34e3d8946138e91ebd627b7ef606da0201f631259fce7ee812fe28ce1f4fe03c
+size 247165647
diff --git a/data/hellaswag_complete_first_then_score_eval/validation.tfrecord-00000-of-00001 b/data/hellaswag_complete_first_then_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..df0ed68186916aec2a3b296dac7ac886d1e2d2aa
--- /dev/null
+++ b/data/hellaswag_complete_first_then_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9766e032c3f64d7adb12e77a9f1c0a8e717d50784c1fed5ecb0c258676f6f3bf
+size 63933362
diff --git a/data/hellaswag_how_ends/COMPLETED b/data/hellaswag_how_ends/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_how_ends/info.test.json b/data/hellaswag_how_ends/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_how_ends/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_how_ends/info.train.json b/data/hellaswag_how_ends/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_how_ends/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_how_ends/info.validation.json b/data/hellaswag_how_ends/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_how_ends/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_how_ends/stats.test.json b/data/hellaswag_how_ends/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..457e6a713e3e96cac1a31ca857868cf585d00af9
--- /dev/null
+++ b/data/hellaswag_how_ends/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 380,
+  "inputs_tokens": 2125747,
+  "targets_max_tokens": 3,
+  "targets_tokens": 30009
+}
diff --git a/data/hellaswag_how_ends/stats.train.json b/data/hellaswag_how_ends/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..db3c59f601977f757ee4db20a48a1b17a1f8dd1b
--- /dev/null
+++ b/data/hellaswag_how_ends/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 396,
+  "inputs_tokens": 8407799,
+  "targets_max_tokens": 3,
+  "targets_tokens": 119715
+}
diff --git a/data/hellaswag_how_ends/stats.validation.json b/data/hellaswag_how_ends/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..24d21a8fd69cdddbe9c69c356e6eaac00c2df117
--- /dev/null
+++ b/data/hellaswag_how_ends/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 381,
+  "inputs_tokens": 2189204,
+  "targets_max_tokens": 3,
+  "targets_tokens": 30126
+}
diff --git a/data/hellaswag_how_ends/test.tfrecord-00000-of-00001 b/data/hellaswag_how_ends/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ecdfd945e55e1e895efc09d0da560360bb974d9c
--- /dev/null
+++ b/data/hellaswag_how_ends/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:38819774f8d717ca6ba923873c6d7c0eeba3a323e5918b3293e99bda29eacf37
+size 13768675
diff --git a/data/hellaswag_how_ends/train.tfrecord-00000-of-00001 b/data/hellaswag_how_ends/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..28510b1bde5fd5436012380556a17d36851366f8
--- /dev/null
+++ b/data/hellaswag_how_ends/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3c3a5ec4110d3c82cd08d523c76c929f25b94edf4fb1fe09c0aae7655e8396d5
+size 54898140
diff --git a/data/hellaswag_how_ends/validation.tfrecord-00000-of-00001 b/data/hellaswag_how_ends/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8c9253b01025af2f87a4eae879fe52d8d2d1791d
--- /dev/null
+++ b/data/hellaswag_how_ends/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7401d97bbab06423e4756fe8d15b3bf2dd621c009c8a1d706f069671f2a32924
+size 14183157
diff --git a/data/hellaswag_if_begins_how_continues/COMPLETED b/data/hellaswag_if_begins_how_continues/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_if_begins_how_continues/info.test.json b/data/hellaswag_if_begins_how_continues/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_if_begins_how_continues/info.train.json b/data/hellaswag_if_begins_how_continues/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_if_begins_how_continues/info.validation.json b/data/hellaswag_if_begins_how_continues/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_if_begins_how_continues/stats.test.json b/data/hellaswag_if_begins_how_continues/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c666af497fcdbfcb9d0efbcfbbbcc68c76b88d07
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10003,
+  "inputs_max_tokens": 392,
+  "inputs_tokens": 2245783,
+  "targets_max_tokens": 3,
+  "targets_tokens": 30009
+}
diff --git a/data/hellaswag_if_begins_how_continues/stats.train.json b/data/hellaswag_if_begins_how_continues/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..edc4b2c58d3dc566f18fa3271668cc81b1d439f2
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 39905,
+  "inputs_max_tokens": 408,
+  "inputs_tokens": 8886659,
+  "targets_max_tokens": 3,
+  "targets_tokens": 119715
+}
diff --git a/data/hellaswag_if_begins_how_continues/stats.validation.json b/data/hellaswag_if_begins_how_continues/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..41535918e4b38eea72c1a889e18a6676f019d7fa
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10042,
+  "inputs_max_tokens": 393,
+  "inputs_tokens": 2309708,
+  "targets_max_tokens": 3,
+  "targets_tokens": 30126
+}
diff --git a/data/hellaswag_if_begins_how_continues/test.tfrecord-00000-of-00001 b/data/hellaswag_if_begins_how_continues/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a7ffec09deadd9333da35119c602f2b69440deeb
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:43c1bb8db05529b653c1d698faf4faa83fb3953a9110064e6ba1bc87ba981739
+size 14309641
diff --git a/data/hellaswag_if_begins_how_continues/train.tfrecord-00000-of-00001 b/data/hellaswag_if_begins_how_continues/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1e789e679a4f4ab79bb4936243058fe08f6114fe
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e9f61e0a27ae3b64bb400c33a351a043ebf6ec4aedd9385140aa2af8ee462b18
+size 57056211
diff --git a/data/hellaswag_if_begins_how_continues/validation.tfrecord-00000-of-00001 b/data/hellaswag_if_begins_how_continues/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..618aff359e7e3cbee047f0b65574560a2b147f6f
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cd3ab1032057753a1b861b652bbecef95785c26e073bab24409e8bd70a33d596
+size 14726196
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/COMPLETED b/data/hellaswag_if_begins_how_continues_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/info.test.json b/data/hellaswag_if_begins_how_continues_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/info.train.json b/data/hellaswag_if_begins_how_continues_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/info.validation.json b/data/hellaswag_if_begins_how_continues_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/stats.test.json b/data/hellaswag_if_begins_how_continues_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..76e09b8eed3fe2d8b669ea3ac030a081481e4b54
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40012,
+  "inputs_max_tokens": 392,
+  "inputs_tokens": 8983132,
+  "targets_max_tokens": 3,
+  "targets_tokens": 120036
+}
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/stats.train.json b/data/hellaswag_if_begins_how_continues_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d786b86bc1cd72af4b7ee34f8f571ea94a0ee359
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 159620,
+  "inputs_max_tokens": 408,
+  "inputs_tokens": 35546636,
+  "targets_max_tokens": 3,
+  "targets_tokens": 478860
+}
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/stats.validation.json b/data/hellaswag_if_begins_how_continues_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..208e50305c100716516b518e94b2b2c50f034e02
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40168,
+  "inputs_max_tokens": 393,
+  "inputs_tokens": 9238832,
+  "targets_max_tokens": 3,
+  "targets_tokens": 120504
+}
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/test.tfrecord-00000-of-00001 b/data/hellaswag_if_begins_how_continues_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1dcbe9f1b9e116d34ba2979287bcbe2c764988ff
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:75bfccb406180ca13188fa5b7c22c607be6d41221f281011090c893b574b913a
+size 57037992
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/train.tfrecord-00000-of-00001 b/data/hellaswag_if_begins_how_continues_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e0077bb2c0dfd41938878b2a6c5f5d257add15e8
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1bc59ced1c659383ce9702a360a42b9017c40e1d6d3a6f92a38cc1ed75e0ebd2
+size 227520316
diff --git a/data/hellaswag_if_begins_how_continues_score_eval/validation.tfrecord-00000-of-00001 b/data/hellaswag_if_begins_how_continues_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2feea78588c33873b8ccfd24d209a64a1dade10b
--- /dev/null
+++ b/data/hellaswag_if_begins_how_continues_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fc94be7a3e0d50a79bdaa1cbbf919a9d0d4fd19b852203ecd48b848c9a121a81
+size 58703432
diff --git a/data/imdb_Movie_Expressed_Sentiment/COMPLETED b/data/imdb_Movie_Expressed_Sentiment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Movie_Expressed_Sentiment/info.test.json b/data/imdb_Movie_Expressed_Sentiment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment/info.train.json b/data/imdb_Movie_Expressed_Sentiment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment/info.unsupervised.json b/data/imdb_Movie_Expressed_Sentiment/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment/stats.test.json b/data/imdb_Movie_Expressed_Sentiment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f8774bd350e02f0b097f2d7466d6c555868e702a
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 855,
+  "inputs_tokens": 7633352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment/stats.train.json b/data/imdb_Movie_Expressed_Sentiment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8814a9f15213fa123ef7dcb582d84a2f33dfa8a9
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 909,
+  "inputs_tokens": 7743542,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment/stats.unsupervised.json b/data/imdb_Movie_Expressed_Sentiment/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..a7a68082534bb339adf83011e0a50a21b9f76e34
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 832,
+  "inputs_tokens": 15532608,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment/test.tfrecord-00000-of-00001 b/data/imdb_Movie_Expressed_Sentiment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d393131e6b60321b8d3db470c41952ad2e69788
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1b8115a05215caa7c549c2f15e97cf92e032b6d412e568cb19fa2fc7ad0b400c
+size 44811518
diff --git a/data/imdb_Movie_Expressed_Sentiment/train.tfrecord-00000-of-00001 b/data/imdb_Movie_Expressed_Sentiment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..487232cfacf1bbee978d86fad7d7803d9c21a3f3
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d19d3355ca126f35a145a36bee78cd5618e312c0c7ad886959f6143f9869503e
+size 45416953
diff --git a/data/imdb_Movie_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Movie_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9ffa60edff253499202c889961f8a549e0ffc067
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2717f8df75f0dd514d33fcd782102d6ee59382d57450e549166079ea4f3d4093
+size 91070288
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/COMPLETED b/data/imdb_Movie_Expressed_Sentiment_2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/info.test.json b/data/imdb_Movie_Expressed_Sentiment_2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment_2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/info.train.json b/data/imdb_Movie_Expressed_Sentiment_2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment_2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/info.unsupervised.json b/data/imdb_Movie_Expressed_Sentiment_2/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment_2/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/stats.test.json b/data/imdb_Movie_Expressed_Sentiment_2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a0a1708c180018c207b5878831c0e906b3adf459
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment_2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 858,
+  "inputs_tokens": 7708352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/stats.train.json b/data/imdb_Movie_Expressed_Sentiment_2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e40898e584bda777d7e37a1d31676f2b19c22f35
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment_2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 912,
+  "inputs_tokens": 7818542,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/stats.unsupervised.json b/data/imdb_Movie_Expressed_Sentiment_2/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..736c6d7ab73a490e71b878444ecdbdf60b7d3768
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment_2/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 835,
+  "inputs_tokens": 15682608,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/test.tfrecord-00000-of-00001 b/data/imdb_Movie_Expressed_Sentiment_2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ab188fa951d8aa30319f7725244144e25053d779
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment_2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:031afb8d15b58e37cd7fe33bbceac3148dddfbbbfc297adc1e92d905fc4bc205
+size 45236984
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/train.tfrecord-00000-of-00001 b/data/imdb_Movie_Expressed_Sentiment_2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ef63abe4fefa4791bd079feedad37aad79166fca
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment_2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c32a4cfc42d324bbbeee69dfc2156b6e56e71e766ba05d032993ed85fa185b10
+size 45842354
diff --git a/data/imdb_Movie_Expressed_Sentiment_2/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Movie_Expressed_Sentiment_2/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d8736e51da9fc799d5fa3b57923478336c967b0a
--- /dev/null
+++ b/data/imdb_Movie_Expressed_Sentiment_2/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e4860377608a05a953dc67e265e72c68c524ae5f4e3e9631cf5d14fce6c7d1d3
+size 91921124
diff --git a/data/imdb_Negation_template_for_positive_and_negative/COMPLETED b/data/imdb_Negation_template_for_positive_and_negative/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Negation_template_for_positive_and_negative/info.test.json b/data/imdb_Negation_template_for_positive_and_negative/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Negation_template_for_positive_and_negative/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Negation_template_for_positive_and_negative/info.train.json b/data/imdb_Negation_template_for_positive_and_negative/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Negation_template_for_positive_and_negative/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Negation_template_for_positive_and_negative/info.unsupervised.json b/data/imdb_Negation_template_for_positive_and_negative/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Negation_template_for_positive_and_negative/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Negation_template_for_positive_and_negative/stats.test.json b/data/imdb_Negation_template_for_positive_and_negative/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..086d22c8d31c6c979ff0034d26b055ec44a5f042
--- /dev/null
+++ b/data/imdb_Negation_template_for_positive_and_negative/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 854,
+  "inputs_tokens": 7608352,
+  "targets_max_tokens": 3,
+  "targets_tokens": 75000
+}
diff --git a/data/imdb_Negation_template_for_positive_and_negative/stats.train.json b/data/imdb_Negation_template_for_positive_and_negative/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3baf7bc8ac14b3451b460be3cdcddfb5fe6ed063
--- /dev/null
+++ b/data/imdb_Negation_template_for_positive_and_negative/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 908,
+  "inputs_tokens": 7718542,
+  "targets_max_tokens": 3,
+  "targets_tokens": 75000
+}
diff --git a/data/imdb_Negation_template_for_positive_and_negative/stats.unsupervised.json b/data/imdb_Negation_template_for_positive_and_negative/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..0ea6b875033268137826ee5e92c81c3c588071c7
--- /dev/null
+++ b/data/imdb_Negation_template_for_positive_and_negative/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 831,
+  "inputs_tokens": 15482608,
+  "targets_max_tokens": 2,
+  "targets_tokens": 100000
+}
diff --git a/data/imdb_Negation_template_for_positive_and_negative/test.tfrecord-00000-of-00001 b/data/imdb_Negation_template_for_positive_and_negative/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f6f3d74fdeaebb0af9e0c8f695acada0386a591f
--- /dev/null
+++ b/data/imdb_Negation_template_for_positive_and_negative/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b1fc245e1cf695a211b8ee4e7d3d985c72e4884ac4a5c13cb7f1b9080f5f9186
+size 44611240
diff --git a/data/imdb_Negation_template_for_positive_and_negative/train.tfrecord-00000-of-00001 b/data/imdb_Negation_template_for_positive_and_negative/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6276839a1d2c820e928118ca475b7979e25e2bd8
--- /dev/null
+++ b/data/imdb_Negation_template_for_positive_and_negative/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4653d4db351fd2f7d878e515d53d06f4796ebf7ecf3c8a9481f39fdb99519c52
+size 45216660
diff --git a/data/imdb_Negation_template_for_positive_and_negative/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Negation_template_for_positive_and_negative/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e2da5765f93f93c7b47bf8e7a613db4ae0c4cc02
--- /dev/null
+++ b/data/imdb_Negation_template_for_positive_and_negative/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:265eb33963bba7c6c86062be27fe74960e276c1f618c57611d94e53644175fee
+size 90169712
diff --git a/data/imdb_Reviewer_Enjoyment/COMPLETED b/data/imdb_Reviewer_Enjoyment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Reviewer_Enjoyment/info.test.json b/data/imdb_Reviewer_Enjoyment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Enjoyment/info.train.json b/data/imdb_Reviewer_Enjoyment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Enjoyment/info.unsupervised.json b/data/imdb_Reviewer_Enjoyment/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Enjoyment/stats.test.json b/data/imdb_Reviewer_Enjoyment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..44319c2adfc86170c5027a9fe064e87b0030370d
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 858,
+  "inputs_tokens": 7708352,
+  "targets_max_tokens": 7,
+  "targets_tokens": 125000
+}
diff --git a/data/imdb_Reviewer_Enjoyment/stats.train.json b/data/imdb_Reviewer_Enjoyment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2c36b3767fc49e681a5d46c24e15159e0c1b455a
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 912,
+  "inputs_tokens": 7818542,
+  "targets_max_tokens": 7,
+  "targets_tokens": 125000
+}
diff --git a/data/imdb_Reviewer_Enjoyment/stats.unsupervised.json b/data/imdb_Reviewer_Enjoyment/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..9bd586ac45f5742371af415d433e2470d980c0b5
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 835,
+  "inputs_tokens": 15682608,
+  "targets_max_tokens": 3,
+  "targets_tokens": 150000
+}
diff --git a/data/imdb_Reviewer_Enjoyment/test.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Enjoyment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2510fe619ca5fc7a1afb4c77e4338294e31da1de
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8aef5965682dbc5fe9d69ef0fba5972d6f54c989fb2d4582ff34b787c6658aea
+size 45774482
diff --git a/data/imdb_Reviewer_Enjoyment/train.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Enjoyment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1485eed65dc462779b019c22cd87570f37ff3440
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:36ecdb0801e66f20c4159da7cd8311a803c73e994be7c61233e7e0df067b4040
+size 46379848
diff --git a/data/imdb_Reviewer_Enjoyment/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Enjoyment/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e23d1ade7f93ba9d2c484637773cfd37c267f84c
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d442c3f819a913d93c1fe57a6581175220f4d47bf8fee291a586e5ca80e93e08
+size 92721115
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/COMPLETED b/data/imdb_Reviewer_Enjoyment_Yes_No/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/info.test.json b/data/imdb_Reviewer_Enjoyment_Yes_No/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment_Yes_No/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/info.train.json b/data/imdb_Reviewer_Enjoyment_Yes_No/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment_Yes_No/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/info.unsupervised.json b/data/imdb_Reviewer_Enjoyment_Yes_No/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment_Yes_No/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/stats.test.json b/data/imdb_Reviewer_Enjoyment_Yes_No/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8dfd32e05c7b1ee427f2f3b650ed6d2b1ec741be
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment_Yes_No/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 856,
+  "inputs_tokens": 7658352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/stats.train.json b/data/imdb_Reviewer_Enjoyment_Yes_No/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..923bfa855c10310756c3558515967546e0d4ead3
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment_Yes_No/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 910,
+  "inputs_tokens": 7768542,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/stats.unsupervised.json b/data/imdb_Reviewer_Enjoyment_Yes_No/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..97e1e5717dcff2fa7ecde9bed58c9be561b92059
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment_Yes_No/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 833,
+  "inputs_tokens": 15582608,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/test.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Enjoyment_Yes_No/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..30762d465848b4e95331f1b6fe367b36a9b1103e
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment_Yes_No/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fb998eef0e9d3555ac074b834c3be7ac109b5f3d9003f1795e4ff0da29ed006c
+size 44274192
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/train.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Enjoyment_Yes_No/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bf963caff493a0a0439f3e7898800b4db2557a2a
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment_Yes_No/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cddf3ebf6be67b29aad0102e32d441ebd4ed95399529aa04bafadb19c77eb7d0
+size 44879605
diff --git a/data/imdb_Reviewer_Enjoyment_Yes_No/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Enjoyment_Yes_No/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4dc64a434bb369137db22af9b96f1f28596d6de1
--- /dev/null
+++ b/data/imdb_Reviewer_Enjoyment_Yes_No/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9bbe20fd35a89d6132029b64a6fa39d4d0266c79f46306631d20b5a44df63ad7
+size 90020601
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/COMPLETED b/data/imdb_Reviewer_Expressed_Sentiment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/info.test.json b/data/imdb_Reviewer_Expressed_Sentiment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Expressed_Sentiment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/info.train.json b/data/imdb_Reviewer_Expressed_Sentiment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Expressed_Sentiment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/info.unsupervised.json b/data/imdb_Reviewer_Expressed_Sentiment/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Expressed_Sentiment/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/stats.test.json b/data/imdb_Reviewer_Expressed_Sentiment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..03fa34fdef3805c0a646aba46977f3e86bf9b880
--- /dev/null
+++ b/data/imdb_Reviewer_Expressed_Sentiment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 861,
+  "inputs_tokens": 7783352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/stats.train.json b/data/imdb_Reviewer_Expressed_Sentiment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6e1a28ea5ef0f6c797145058c850b3c0e40bc73b
--- /dev/null
+++ b/data/imdb_Reviewer_Expressed_Sentiment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 915,
+  "inputs_tokens": 7893542,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/stats.unsupervised.json b/data/imdb_Reviewer_Expressed_Sentiment/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..4415ef87bf80d12b442fa472162c830f0af38ca0
--- /dev/null
+++ b/data/imdb_Reviewer_Expressed_Sentiment/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 838,
+  "inputs_tokens": 15832608,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/test.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Expressed_Sentiment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dd248fb2f91527a7956408eeafb711461071f9c1
--- /dev/null
+++ b/data/imdb_Reviewer_Expressed_Sentiment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:41694a40906d2f91bbb0ceb22bce2e33f574ae39461757f747e99f4e3b22dc87
+size 45562233
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/train.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Expressed_Sentiment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d9054e5b360eb9c87b5b8164ad1f5ae237c15aba
--- /dev/null
+++ b/data/imdb_Reviewer_Expressed_Sentiment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e39a31399f20d2cd3b0e35383200f0198cf49ab9d5319817337db56b2c41f37c
+size 46167613
diff --git a/data/imdb_Reviewer_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c100aee0a57f4872bad68c8f952ef05b897c8b0f
--- /dev/null
+++ b/data/imdb_Reviewer_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:19bd1a8d714fc810e53f34b827e5ba506adf0ba0be3eac4d4fde67d7118ea3bd
+size 92571629
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/COMPLETED b/data/imdb_Reviewer_Opinion_bad_good_choices/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/info.test.json b/data/imdb_Reviewer_Opinion_bad_good_choices/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Opinion_bad_good_choices/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/info.train.json b/data/imdb_Reviewer_Opinion_bad_good_choices/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Opinion_bad_good_choices/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/info.unsupervised.json b/data/imdb_Reviewer_Opinion_bad_good_choices/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Opinion_bad_good_choices/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/stats.test.json b/data/imdb_Reviewer_Opinion_bad_good_choices/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b49b95b2dd89a26b9767b69e751b3c1269a03948
--- /dev/null
+++ b/data/imdb_Reviewer_Opinion_bad_good_choices/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 859,
+  "inputs_tokens": 7733352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/stats.train.json b/data/imdb_Reviewer_Opinion_bad_good_choices/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..69e0403205bc5665430b0f94849379aff415cf4b
--- /dev/null
+++ b/data/imdb_Reviewer_Opinion_bad_good_choices/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 913,
+  "inputs_tokens": 7843542,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/stats.unsupervised.json b/data/imdb_Reviewer_Opinion_bad_good_choices/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..4d3b3132e5306fa72f78f05a8932645814958239
--- /dev/null
+++ b/data/imdb_Reviewer_Opinion_bad_good_choices/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 836,
+  "inputs_tokens": 15732608,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/test.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Opinion_bad_good_choices/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0291135de74883a4474fbff5fe7c874057019dd3
--- /dev/null
+++ b/data/imdb_Reviewer_Opinion_bad_good_choices/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4469dd695816386fc282edf3965c7756c43615ba99f7a48744a5a0f2be7fc8b9
+size 44774648
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/train.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Opinion_bad_good_choices/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c76a4b1c00352bb7273aa17324ef4310ea1f964d
--- /dev/null
+++ b/data/imdb_Reviewer_Opinion_bad_good_choices/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b3caf010d0dbc22cfebaa3a101c2391afe08c6e822fed19b1c93156dd54feb2f
+size 45380012
diff --git a/data/imdb_Reviewer_Opinion_bad_good_choices/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Opinion_bad_good_choices/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..289256cca0fe7c472abbbc3d58c0a3f2af3e4c4b
--- /dev/null
+++ b/data/imdb_Reviewer_Opinion_bad_good_choices/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:474feef206a968c9d47ee2087ed0636feb3c75ade92444d26b4085bdcf25e03c
+size 91021441
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/COMPLETED b/data/imdb_Reviewer_Sentiment_Feeling/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/info.test.json b/data/imdb_Reviewer_Sentiment_Feeling/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Sentiment_Feeling/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/info.train.json b/data/imdb_Reviewer_Sentiment_Feeling/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Sentiment_Feeling/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/info.unsupervised.json b/data/imdb_Reviewer_Sentiment_Feeling/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Reviewer_Sentiment_Feeling/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/stats.test.json b/data/imdb_Reviewer_Sentiment_Feeling/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..3cc366e16962fa679d100d7431fddceea6cb3ebd
--- /dev/null
+++ b/data/imdb_Reviewer_Sentiment_Feeling/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 857,
+  "inputs_tokens": 7683352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/stats.train.json b/data/imdb_Reviewer_Sentiment_Feeling/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8ca3e9dc8574ad79707a9e43395035a967ec30b6
--- /dev/null
+++ b/data/imdb_Reviewer_Sentiment_Feeling/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 911,
+  "inputs_tokens": 7793542,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/stats.unsupervised.json b/data/imdb_Reviewer_Sentiment_Feeling/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..d4e1186d1c6e9b6c281abf9e3486b9e9517a3ea2
--- /dev/null
+++ b/data/imdb_Reviewer_Sentiment_Feeling/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 834,
+  "inputs_tokens": 15632608,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/test.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Sentiment_Feeling/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..187c767c20abe44c50d071788a5674baf6a3617f
--- /dev/null
+++ b/data/imdb_Reviewer_Sentiment_Feeling/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dfc0c373e1a38ac7755dbfd4c973971a828a6867c3a8da97d1fad2f7a5252caa
+size 44961982
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/train.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Sentiment_Feeling/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..80359086bf2a6aff2a7046e37081f16923b144ba
--- /dev/null
+++ b/data/imdb_Reviewer_Sentiment_Feeling/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b8f570b8f9c832bfd7a88c7e916373e5e928bd698fcc3f8f361d9b48f6679a0f
+size 45567346
diff --git a/data/imdb_Reviewer_Sentiment_Feeling/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Reviewer_Sentiment_Feeling/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6795f7fa466bb1bb16a77419ffec21a6d5b35fff
--- /dev/null
+++ b/data/imdb_Reviewer_Sentiment_Feeling/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ffe1d3f022a7a3d8f9462647899f102b23136c822be27534f67b05d6fbb9f652
+size 91371112
diff --git a/data/imdb_Sentiment_with_choices_/COMPLETED b/data/imdb_Sentiment_with_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Sentiment_with_choices_/info.test.json b/data/imdb_Sentiment_with_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Sentiment_with_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Sentiment_with_choices_/info.train.json b/data/imdb_Sentiment_with_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Sentiment_with_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Sentiment_with_choices_/info.unsupervised.json b/data/imdb_Sentiment_with_choices_/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Sentiment_with_choices_/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Sentiment_with_choices_/stats.test.json b/data/imdb_Sentiment_with_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8dfd32e05c7b1ee427f2f3b650ed6d2b1ec741be
--- /dev/null
+++ b/data/imdb_Sentiment_with_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 856,
+  "inputs_tokens": 7658352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Sentiment_with_choices_/stats.train.json b/data/imdb_Sentiment_with_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..923bfa855c10310756c3558515967546e0d4ead3
--- /dev/null
+++ b/data/imdb_Sentiment_with_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 910,
+  "inputs_tokens": 7768542,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Sentiment_with_choices_/stats.unsupervised.json b/data/imdb_Sentiment_with_choices_/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..97e1e5717dcff2fa7ecde9bed58c9be561b92059
--- /dev/null
+++ b/data/imdb_Sentiment_with_choices_/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 833,
+  "inputs_tokens": 15582608,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/imdb_Sentiment_with_choices_/test.tfrecord-00000-of-00001 b/data/imdb_Sentiment_with_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..795efade33c2a19b66effe8b5ff879f090ba88f7
--- /dev/null
+++ b/data/imdb_Sentiment_with_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2c8604ce20345c5f377687d9795f312c8252b1935246edff431c0cb84604bd7b
+size 44786609
diff --git a/data/imdb_Sentiment_with_choices_/train.tfrecord-00000-of-00001 b/data/imdb_Sentiment_with_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fda2d77ddfb74932b0efc07bef27d07b61ef0bfd
--- /dev/null
+++ b/data/imdb_Sentiment_with_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:175923a2dd3cd28c0a5fd91d105839587c865dbc4490c427549c515a8e3b000a
+size 45392037
diff --git a/data/imdb_Sentiment_with_choices_/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Sentiment_with_choices_/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..766e9508b79a4b8d4f7179f71d602e7d160b3822
--- /dev/null
+++ b/data/imdb_Sentiment_with_choices_/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6bd6828717a9222d3c8afa7a20e8cb7e059164b753cca0c52f108ed0eb6b1371
+size 91020437
diff --git a/data/imdb_Text_Expressed_Sentiment/COMPLETED b/data/imdb_Text_Expressed_Sentiment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Text_Expressed_Sentiment/info.test.json b/data/imdb_Text_Expressed_Sentiment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Text_Expressed_Sentiment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Text_Expressed_Sentiment/info.train.json b/data/imdb_Text_Expressed_Sentiment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Text_Expressed_Sentiment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Text_Expressed_Sentiment/info.unsupervised.json b/data/imdb_Text_Expressed_Sentiment/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Text_Expressed_Sentiment/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Text_Expressed_Sentiment/stats.test.json b/data/imdb_Text_Expressed_Sentiment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..3cc366e16962fa679d100d7431fddceea6cb3ebd
--- /dev/null
+++ b/data/imdb_Text_Expressed_Sentiment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 857,
+  "inputs_tokens": 7683352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Text_Expressed_Sentiment/stats.train.json b/data/imdb_Text_Expressed_Sentiment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8ca3e9dc8574ad79707a9e43395035a967ec30b6
--- /dev/null
+++ b/data/imdb_Text_Expressed_Sentiment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 911,
+  "inputs_tokens": 7793542,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Text_Expressed_Sentiment/stats.unsupervised.json b/data/imdb_Text_Expressed_Sentiment/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..d4e1186d1c6e9b6c281abf9e3486b9e9517a3ea2
--- /dev/null
+++ b/data/imdb_Text_Expressed_Sentiment/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 834,
+  "inputs_tokens": 15632608,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/imdb_Text_Expressed_Sentiment/test.tfrecord-00000-of-00001 b/data/imdb_Text_Expressed_Sentiment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c4ad0b3caab1784f1d47275531d834cfe1740516
--- /dev/null
+++ b/data/imdb_Text_Expressed_Sentiment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d2131d5aa1316523f1410a85fa36769dc05a89a8234d1cd9c2bf9f5ada1e5e1c
+size 45011797
diff --git a/data/imdb_Text_Expressed_Sentiment/train.tfrecord-00000-of-00001 b/data/imdb_Text_Expressed_Sentiment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..705afb0ddc0d6710d47ac917df86cd9bbc96dd54
--- /dev/null
+++ b/data/imdb_Text_Expressed_Sentiment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6581acf5600db9fd0990f9f7e9c5c522e55d3d1bcdb69cfa7fb6c392ddc23511
+size 45617191
diff --git a/data/imdb_Text_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Text_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..523b4a8e20bd09099144855dd66f7941fccd227a
--- /dev/null
+++ b/data/imdb_Text_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cfd85f43046c02efcb302a87beeae4aa8faabd828d976775984cbd38d9ce3323
+size 91470770
diff --git a/data/imdb_Writer_Expressed_Sentiment/COMPLETED b/data/imdb_Writer_Expressed_Sentiment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/imdb_Writer_Expressed_Sentiment/info.test.json b/data/imdb_Writer_Expressed_Sentiment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Writer_Expressed_Sentiment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Writer_Expressed_Sentiment/info.train.json b/data/imdb_Writer_Expressed_Sentiment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Writer_Expressed_Sentiment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Writer_Expressed_Sentiment/info.unsupervised.json b/data/imdb_Writer_Expressed_Sentiment/info.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/imdb_Writer_Expressed_Sentiment/info.unsupervised.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/imdb_Writer_Expressed_Sentiment/stats.test.json b/data/imdb_Writer_Expressed_Sentiment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a0a1708c180018c207b5878831c0e906b3adf459
--- /dev/null
+++ b/data/imdb_Writer_Expressed_Sentiment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 858,
+  "inputs_tokens": 7708352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Writer_Expressed_Sentiment/stats.train.json b/data/imdb_Writer_Expressed_Sentiment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e40898e584bda777d7e37a1d31676f2b19c22f35
--- /dev/null
+++ b/data/imdb_Writer_Expressed_Sentiment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25000,
+  "inputs_max_tokens": 912,
+  "inputs_tokens": 7818542,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25000
+}
diff --git a/data/imdb_Writer_Expressed_Sentiment/stats.unsupervised.json b/data/imdb_Writer_Expressed_Sentiment/stats.unsupervised.json
new file mode 100644
index 0000000000000000000000000000000000000000..736c6d7ab73a490e71b878444ecdbdf60b7d3768
--- /dev/null
+++ b/data/imdb_Writer_Expressed_Sentiment/stats.unsupervised.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 835,
+  "inputs_tokens": 15682608,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/imdb_Writer_Expressed_Sentiment/test.tfrecord-00000-of-00001 b/data/imdb_Writer_Expressed_Sentiment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6daa95e28ccb984a27a2da4f214dee1ec0d605b7
--- /dev/null
+++ b/data/imdb_Writer_Expressed_Sentiment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fc3cbb1ced5e5f45a724dcf4516cd1cc9d37661a397c48bffe861a8955b97589
+size 45287067
diff --git a/data/imdb_Writer_Expressed_Sentiment/train.tfrecord-00000-of-00001 b/data/imdb_Writer_Expressed_Sentiment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1fb937072328a7320ba4ef022768c9c2d5f0998d
--- /dev/null
+++ b/data/imdb_Writer_Expressed_Sentiment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f2dfc0877a8d031419ddf354947655b822590c238189e79f2bbd58ff5ecdfafd
+size 45892440
diff --git a/data/imdb_Writer_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001 b/data/imdb_Writer_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0f0ecf610131860c8f3642ebef259dce8e712a90
--- /dev/null
+++ b/data/imdb_Writer_Expressed_Sentiment/unsupervised.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3883f1bf510bfa861d642a9146022adf250274cddb7434c14b9c52e4833d0fac
+size 92021281
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/COMPLETED b/data/kilt_tasks_hotpotqa_combining_facts/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/info.test.json b/data/kilt_tasks_hotpotqa_combining_facts/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_combining_facts/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/info.train.json b/data/kilt_tasks_hotpotqa_combining_facts/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_combining_facts/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/info.validation.json b/data/kilt_tasks_hotpotqa_combining_facts/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_combining_facts/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/stats.test.json b/data/kilt_tasks_hotpotqa_combining_facts/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_combining_facts/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/stats.train.json b/data/kilt_tasks_hotpotqa_combining_facts/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7f4cc14054d7466a1ef723dad8719fc7c485e393
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_combining_facts/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 88869,
+  "inputs_max_tokens": 168,
+  "inputs_tokens": 2796937,
+  "targets_max_tokens": 187,
+  "targets_tokens": 331453
+}
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/stats.validation.json b/data/kilt_tasks_hotpotqa_combining_facts/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..cae11414826e0c2c1f6b33a4733ec80b55e58d72
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_combining_facts/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5600,
+  "inputs_max_tokens": 91,
+  "inputs_tokens": 157764,
+  "targets_max_tokens": 54,
+  "targets_tokens": 23151
+}
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/test.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_combining_facts/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/train.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_combining_facts/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2deb253bf40f72477df019ffae314a2cdd14488a
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_combining_facts/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e5c626efb3f814744255971e74c25b963ce4f1374dcda481b6a719611bb661f1
+size 28960181
diff --git a/data/kilt_tasks_hotpotqa_combining_facts/validation.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_combining_facts/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8d73fdd0eac62a6bf5b2fb1c6d05df226241604b
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_combining_facts/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b82b820cb9a95de0a29afeee1d83d5a16d8c079cd19ddd3a34b36398a31c50e8
+size 1729323
diff --git a/data/kilt_tasks_hotpotqa_complex_question/COMPLETED b/data/kilt_tasks_hotpotqa_complex_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_complex_question/info.test.json b/data/kilt_tasks_hotpotqa_complex_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_complex_question/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/kilt_tasks_hotpotqa_complex_question/info.train.json b/data/kilt_tasks_hotpotqa_complex_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_complex_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_complex_question/info.validation.json b/data/kilt_tasks_hotpotqa_complex_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_complex_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_complex_question/stats.test.json b/data/kilt_tasks_hotpotqa_complex_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_complex_question/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/kilt_tasks_hotpotqa_complex_question/stats.train.json b/data/kilt_tasks_hotpotqa_complex_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fee339190dc7e5e66097713dd419b0bc135ea83f
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_complex_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 88869,
+  "inputs_max_tokens": 183,
+  "inputs_tokens": 4129972,
+  "targets_max_tokens": 187,
+  "targets_tokens": 331453
+}
diff --git a/data/kilt_tasks_hotpotqa_complex_question/stats.validation.json b/data/kilt_tasks_hotpotqa_complex_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f5cf36d7ddb51ede8b90adf190af5f23e6f0d7af
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_complex_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5600,
+  "inputs_max_tokens": 106,
+  "inputs_tokens": 241764,
+  "targets_max_tokens": 54,
+  "targets_tokens": 23151
+}
diff --git a/data/kilt_tasks_hotpotqa_complex_question/test.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_complex_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_complex_question/train.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_complex_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3976b993e187466893ee222584da754b9ca48052
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_complex_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:be45a6b340269407e18449ff407c7221175101a7a7f2657e87c30dd740644a05
+size 36413766
diff --git a/data/kilt_tasks_hotpotqa_complex_question/validation.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_complex_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7dbccae438e5243439385c42f45681f2f018edbc
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_complex_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:08841611f10ae7acceebc5bdf754cd91b4909bf85a72bf0ea642b6437282adae
+size 2199808
diff --git a/data/kilt_tasks_hotpotqa_final_exam/COMPLETED b/data/kilt_tasks_hotpotqa_final_exam/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_final_exam/info.test.json b/data/kilt_tasks_hotpotqa_final_exam/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_final_exam/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/kilt_tasks_hotpotqa_final_exam/info.train.json b/data/kilt_tasks_hotpotqa_final_exam/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_final_exam/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_final_exam/info.validation.json b/data/kilt_tasks_hotpotqa_final_exam/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_final_exam/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_final_exam/stats.test.json b/data/kilt_tasks_hotpotqa_final_exam/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_final_exam/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/kilt_tasks_hotpotqa_final_exam/stats.train.json b/data/kilt_tasks_hotpotqa_final_exam/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6a5d0777d46f74297d59f4884dfaa44bc8f2c01d
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_final_exam/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 88869,
+  "inputs_max_tokens": 170,
+  "inputs_tokens": 2974675,
+  "targets_max_tokens": 187,
+  "targets_tokens": 331453
+}
diff --git a/data/kilt_tasks_hotpotqa_final_exam/stats.validation.json b/data/kilt_tasks_hotpotqa_final_exam/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2b00163c5e0312fc1a6f39ebe078cbd091187901
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_final_exam/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5600,
+  "inputs_max_tokens": 93,
+  "inputs_tokens": 168964,
+  "targets_max_tokens": 54,
+  "targets_tokens": 23151
+}
diff --git a/data/kilt_tasks_hotpotqa_final_exam/test.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_final_exam/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_final_exam/train.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_final_exam/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5f8d9952c2185d073e6440e47a4225f8ab4da9e6
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_final_exam/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fdfd1681944aa2ea553da6e7d5f43b29c726b995bbc3c3a8be29cf11d22a83b8
+size 28757455
diff --git a/data/kilt_tasks_hotpotqa_final_exam/validation.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_final_exam/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fb635606ce529853f22471725eb2b1e07cd74208
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_final_exam/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7d2631ea2c21c6185c61e1f9f1bfc7c99700fcefc48b0955d5f3be38d8f3c119
+size 1716304
diff --git a/data/kilt_tasks_hotpotqa_formulate/COMPLETED b/data/kilt_tasks_hotpotqa_formulate/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_formulate/info.test.json b/data/kilt_tasks_hotpotqa_formulate/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_formulate/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/kilt_tasks_hotpotqa_formulate/info.train.json b/data/kilt_tasks_hotpotqa_formulate/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_formulate/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_formulate/info.validation.json b/data/kilt_tasks_hotpotqa_formulate/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_formulate/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_formulate/stats.test.json b/data/kilt_tasks_hotpotqa_formulate/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_formulate/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/kilt_tasks_hotpotqa_formulate/stats.train.json b/data/kilt_tasks_hotpotqa_formulate/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9ac10156715eee2ec56a7210e62715d4d49f8dde
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_formulate/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 88869,
+  "inputs_max_tokens": 172,
+  "inputs_tokens": 3152413,
+  "targets_max_tokens": 187,
+  "targets_tokens": 331453
+}
diff --git a/data/kilt_tasks_hotpotqa_formulate/stats.validation.json b/data/kilt_tasks_hotpotqa_formulate/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9fdc12610ba94ae279dede44581d681d576ea182
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_formulate/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5600,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 180164,
+  "targets_max_tokens": 54,
+  "targets_tokens": 23151
+}
diff --git a/data/kilt_tasks_hotpotqa_formulate/test.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_formulate/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_formulate/train.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_formulate/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a401db7f49502b21fee045f3dabcc5f25ef6d470
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_formulate/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9667a7b34e50a37263beb3f1b779b721b5472e0b7907050374be055eca8ffc85
+size 30896183
diff --git a/data/kilt_tasks_hotpotqa_formulate/validation.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_formulate/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88bba2c75972d22b1e7aed842e193c3eab5b651d
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_formulate/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c99c380001ee80f638b986510d174096f29b55f1a7b721096256e296bb65d274
+size 1851990
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/COMPLETED b/data/kilt_tasks_hotpotqa_straighforward_qa/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/info.test.json b/data/kilt_tasks_hotpotqa_straighforward_qa/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_straighforward_qa/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/info.train.json b/data/kilt_tasks_hotpotqa_straighforward_qa/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_straighforward_qa/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/info.validation.json b/data/kilt_tasks_hotpotqa_straighforward_qa/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_straighforward_qa/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/stats.test.json b/data/kilt_tasks_hotpotqa_straighforward_qa/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_straighforward_qa/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/stats.train.json b/data/kilt_tasks_hotpotqa_straighforward_qa/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..751e9c995cb096e46200ba9f3ac9f8002878ee1e
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_straighforward_qa/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 88869,
+  "inputs_max_tokens": 162,
+  "inputs_tokens": 2263723,
+  "targets_max_tokens": 187,
+  "targets_tokens": 331453
+}
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/stats.validation.json b/data/kilt_tasks_hotpotqa_straighforward_qa/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ac9b4d381c747c76d9b6428c24fcdf9e41128890
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_straighforward_qa/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5600,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 124164,
+  "targets_max_tokens": 54,
+  "targets_tokens": 23151
+}
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/test.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_straighforward_qa/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/train.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_straighforward_qa/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cac060e1ce1068da84dc2cf8e7387d28e0686c65
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_straighforward_qa/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fbad895d9c00232b867681e2798564011e8e185f7fdb23bd03e1936d250de2b6
+size 25218335
diff --git a/data/kilt_tasks_hotpotqa_straighforward_qa/validation.tfrecord-00000-of-00001 b/data/kilt_tasks_hotpotqa_straighforward_qa/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7674a6ea5e73097d3ec0b1c9789abd0145c2eedc
--- /dev/null
+++ b/data/kilt_tasks_hotpotqa_straighforward_qa/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4affb86185578da1a544a76b822b1cc445f235a21ad0c7ee7d44dc26f95a479a
+size 1492995
diff --git a/data/multi_news_distill/COMPLETED b/data/multi_news_distill/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/multi_news_distill/info.test.json b/data/multi_news_distill/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_distill/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_distill/info.train.json b/data/multi_news_distill/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_distill/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_distill/info.validation.json b/data/multi_news_distill/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_distill/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_distill/stats.test.json b/data/multi_news_distill/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b9d709d42598605f9e146800090436a55d77acdf
--- /dev/null
+++ b/data/multi_news_distill/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 4400,
+  "inputs_tokens": 6106189,
+  "targets_max_tokens": 573,
+  "targets_tokens": 1735559
+}
diff --git a/data/multi_news_distill/stats.train.json b/data/multi_news_distill/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9d122cbe977147e801377aafc4b365f96242fddb
--- /dev/null
+++ b/data/multi_news_distill/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 44972,
+  "inputs_max_tokens": 5162,
+  "inputs_tokens": 49340615,
+  "targets_max_tokens": 604,
+  "targets_tokens": 13956138
+}
diff --git a/data/multi_news_distill/stats.validation.json b/data/multi_news_distill/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f81eb47c5cc5d4caa3b0839da957748f92d49d12
--- /dev/null
+++ b/data/multi_news_distill/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 3955,
+  "inputs_tokens": 6060617,
+  "targets_max_tokens": 589,
+  "targets_tokens": 1731654
+}
diff --git a/data/multi_news_distill/test.tfrecord-00000-of-00001 b/data/multi_news_distill/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..87dba13594a452968286b4e4518c20b814d78827
--- /dev/null
+++ b/data/multi_news_distill/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ea4c7ba7eb6e65f5f1c71c05aaa6d9655aa40acc2c4702e52543d1f178cfa918
+size 46843045
diff --git a/data/multi_news_distill/train.tfrecord-00000-of-00001 b/data/multi_news_distill/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0003701c412cb39f29d785bc778bd919be73b6df
--- /dev/null
+++ b/data/multi_news_distill/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2927b6ac0c64824e904820f2803e63684d2e3e83b8d374b1cca1194df99e7a57
+size 377927163
diff --git a/data/multi_news_distill/validation.tfrecord-00000-of-00001 b/data/multi_news_distill/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4d079f15c4d15d1f9dadea01f37de0b20078d316
--- /dev/null
+++ b/data/multi_news_distill/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:22675da7469fefe816581a7deab4ee65b437fcfafeb787636935776a6a03995f
+size 46542571
diff --git a/data/multi_news_expand_reverse_task_/COMPLETED b/data/multi_news_expand_reverse_task_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/multi_news_expand_reverse_task_/info.test.json b/data/multi_news_expand_reverse_task_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_expand_reverse_task_/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_expand_reverse_task_/info.train.json b/data/multi_news_expand_reverse_task_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_expand_reverse_task_/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_expand_reverse_task_/info.validation.json b/data/multi_news_expand_reverse_task_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_expand_reverse_task_/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_expand_reverse_task_/stats.test.json b/data/multi_news_expand_reverse_task_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..956672d4b5af543b34d1a0609fbbaedb56e5ecf9
--- /dev/null
+++ b/data/multi_news_expand_reverse_task_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 586,
+  "inputs_tokens": 1808645,
+  "targets_max_tokens": 869,
+  "targets_tokens": 2180067
+}
diff --git a/data/multi_news_expand_reverse_task_/stats.train.json b/data/multi_news_expand_reverse_task_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..15031c0dec552d339ecc2ff3a07b125909e40188
--- /dev/null
+++ b/data/multi_news_expand_reverse_task_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 44972,
+  "inputs_max_tokens": 617,
+  "inputs_tokens": 14540774,
+  "targets_max_tokens": 1082,
+  "targets_tokens": 17566560
+}
diff --git a/data/multi_news_expand_reverse_task_/stats.validation.json b/data/multi_news_expand_reverse_task_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0aaa3c3ecdf87e3d0659910116a7a9b765f4c955
--- /dev/null
+++ b/data/multi_news_expand_reverse_task_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 602,
+  "inputs_tokens": 1804740,
+  "targets_max_tokens": 826,
+  "targets_tokens": 2192541
+}
diff --git a/data/multi_news_expand_reverse_task_/test.tfrecord-00000-of-00001 b/data/multi_news_expand_reverse_task_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8867453e2ef31de1cbf96463efc72257f8f58c56
--- /dev/null
+++ b/data/multi_news_expand_reverse_task_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aba2bacaf482443e81d6f83fe70f31385d06be537fd8317f77e27eee604aef04
+size 24165263
diff --git a/data/multi_news_expand_reverse_task_/train.tfrecord-00000-of-00001 b/data/multi_news_expand_reverse_task_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1c96c7bcaaa9b379217b0506e8f018ebe1702477
--- /dev/null
+++ b/data/multi_news_expand_reverse_task_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:395954826890daea29f1f30c9c6e2b3556de3b2e999382e7dc25cc47a1212b34
+size 194374369
diff --git a/data/multi_news_expand_reverse_task_/validation.tfrecord-00000-of-00001 b/data/multi_news_expand_reverse_task_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4e24068e3e84d2a0e67ae2c091a15df41b0879e1
--- /dev/null
+++ b/data/multi_news_expand_reverse_task_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:526fbe17b60127c02a4b4f6720f2ec27acab274a9520ab167c3fcdf558df4b94
+size 24214228
diff --git a/data/multi_news_summarize/COMPLETED b/data/multi_news_summarize/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/multi_news_summarize/info.test.json b/data/multi_news_summarize/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_summarize/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_summarize/info.train.json b/data/multi_news_summarize/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_summarize/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_summarize/info.validation.json b/data/multi_news_summarize/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_summarize/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_summarize/stats.test.json b/data/multi_news_summarize/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..50d53d64805c0b7a084a09eb2604bc779d03629e
--- /dev/null
+++ b/data/multi_news_summarize/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 4397,
+  "inputs_tokens": 6089323,
+  "targets_max_tokens": 573,
+  "targets_tokens": 1735559
+}
diff --git a/data/multi_news_summarize/stats.train.json b/data/multi_news_summarize/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..35e949662083796946be6190546e2eb0e5d92f0f
--- /dev/null
+++ b/data/multi_news_summarize/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 44972,
+  "inputs_max_tokens": 5159,
+  "inputs_tokens": 49205699,
+  "targets_max_tokens": 604,
+  "targets_tokens": 13956138
+}
diff --git a/data/multi_news_summarize/stats.validation.json b/data/multi_news_summarize/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d46bb17449af4ddefc164676577f1af6075f68f9
--- /dev/null
+++ b/data/multi_news_summarize/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 3952,
+  "inputs_tokens": 6043751,
+  "targets_max_tokens": 589,
+  "targets_tokens": 1731654
+}
diff --git a/data/multi_news_summarize/test.tfrecord-00000-of-00001 b/data/multi_news_summarize/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9215eed917fd599fec8a19210ad48b6262fe04ff
--- /dev/null
+++ b/data/multi_news_summarize/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:35f91d107a452157eb1ad88f2956c4ac58b0574b7c0587acbe9e2806f1e1fde8
+size 46774216
diff --git a/data/multi_news_summarize/train.tfrecord-00000-of-00001 b/data/multi_news_summarize/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..51c9af6e5ddd08a843d5aa4e7ffa7dc4572020ed
--- /dev/null
+++ b/data/multi_news_summarize/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bae247d8d4840a8a96adcc9980fc753a79f32f679853418ef08eac38715b1fd7
+size 377377954
diff --git a/data/multi_news_summarize/validation.tfrecord-00000-of-00001 b/data/multi_news_summarize/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..37fd21b8f118ad19746ed6ae8adca16c78aed7af
--- /dev/null
+++ b/data/multi_news_summarize/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:db0adb8177d5e3014e99f71a91267bd594d2d6e2aef413092773661398c88c5e
+size 46473604
diff --git a/data/multi_news_summary_scenario/COMPLETED b/data/multi_news_summary_scenario/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/multi_news_summary_scenario/info.test.json b/data/multi_news_summary_scenario/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_summary_scenario/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_summary_scenario/info.train.json b/data/multi_news_summary_scenario/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_summary_scenario/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_summary_scenario/info.validation.json b/data/multi_news_summary_scenario/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_summary_scenario/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_summary_scenario/stats.test.json b/data/multi_news_summary_scenario/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6843d9a54c55a5e74ac7e4f6a77d7efb24dd5212
--- /dev/null
+++ b/data/multi_news_summary_scenario/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 4402,
+  "inputs_tokens": 6117433,
+  "targets_max_tokens": 573,
+  "targets_tokens": 1735559
+}
diff --git a/data/multi_news_summary_scenario/stats.train.json b/data/multi_news_summary_scenario/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c384aa1fc8ea5819f3f9075a10077705ecfce37
--- /dev/null
+++ b/data/multi_news_summary_scenario/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 44972,
+  "inputs_max_tokens": 5164,
+  "inputs_tokens": 49430559,
+  "targets_max_tokens": 604,
+  "targets_tokens": 13956138
+}
diff --git a/data/multi_news_summary_scenario/stats.validation.json b/data/multi_news_summary_scenario/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..cd65a2736524609a4c1eb756058db43ae40707bf
--- /dev/null
+++ b/data/multi_news_summary_scenario/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 3957,
+  "inputs_tokens": 6071861,
+  "targets_max_tokens": 589,
+  "targets_tokens": 1731654
+}
diff --git a/data/multi_news_summary_scenario/test.tfrecord-00000-of-00001 b/data/multi_news_summary_scenario/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a64f1132ff67673865e99289912745a94b56194a
--- /dev/null
+++ b/data/multi_news_summary_scenario/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f7935895f08dc73311005a6595cb19307b61e418f173ba1c8e59c9ddb6b8ad63
+size 46944242
diff --git a/data/multi_news_summary_scenario/train.tfrecord-00000-of-00001 b/data/multi_news_summary_scenario/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7c5a3685cfbb0b51e0b8d49b9422da9bae8d95af
--- /dev/null
+++ b/data/multi_news_summary_scenario/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3489da3edb350e638845635e75f51667c597f41d5e9865afb99698997cc51f68
+size 378736674
diff --git a/data/multi_news_summary_scenario/validation.tfrecord-00000-of-00001 b/data/multi_news_summary_scenario/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..44c45c30d607a7ad18274b6748e294452e4d3e92
--- /dev/null
+++ b/data/multi_news_summary_scenario/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ce9552f6f9e465d62ae32897446658f5cfb57cd919971b3e0fbe2d3a4b075e07
+size 46643769
diff --git a/data/multi_news_synthesize/COMPLETED b/data/multi_news_synthesize/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/multi_news_synthesize/info.test.json b/data/multi_news_synthesize/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_synthesize/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_synthesize/info.train.json b/data/multi_news_synthesize/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_synthesize/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_synthesize/info.validation.json b/data/multi_news_synthesize/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_synthesize/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_synthesize/stats.test.json b/data/multi_news_synthesize/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..13816448d4b92a47135402ebdc3174de6271070d
--- /dev/null
+++ b/data/multi_news_synthesize/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 4399,
+  "inputs_tokens": 6100567,
+  "targets_max_tokens": 573,
+  "targets_tokens": 1735559
+}
diff --git a/data/multi_news_synthesize/stats.train.json b/data/multi_news_synthesize/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..84ff4c7d7abf72fd89e1b9d35fbe32740fb25b4a
--- /dev/null
+++ b/data/multi_news_synthesize/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 44972,
+  "inputs_max_tokens": 5161,
+  "inputs_tokens": 49295643,
+  "targets_max_tokens": 604,
+  "targets_tokens": 13956138
+}
diff --git a/data/multi_news_synthesize/stats.validation.json b/data/multi_news_synthesize/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8fa50614d45157d309ae1d23533354e330c661e1
--- /dev/null
+++ b/data/multi_news_synthesize/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 3954,
+  "inputs_tokens": 6054995,
+  "targets_max_tokens": 589,
+  "targets_tokens": 1731654
+}
diff --git a/data/multi_news_synthesize/test.tfrecord-00000-of-00001 b/data/multi_news_synthesize/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..90bfcf4c67c2daf9779e625b4153da9c7bf76a79
--- /dev/null
+++ b/data/multi_news_synthesize/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c85a39cd721154e54d9944b39f6af72cd1e5057278d5dd096e9b8ec78eda74f6
+size 46679663
diff --git a/data/multi_news_synthesize/train.tfrecord-00000-of-00001 b/data/multi_news_synthesize/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e2a34c8d6619fd3c4ee276e2d61d915f2c16cf4
--- /dev/null
+++ b/data/multi_news_synthesize/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cd90bee507fdd7f15aafaadb2027b1dde8cf409329cc4e0aa8bead0c63766ae9
+size 376609132
diff --git a/data/multi_news_synthesize/validation.tfrecord-00000-of-00001 b/data/multi_news_synthesize/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..37f82a17caa9e5da64d6ddad4fc5f89d940c5ab7
--- /dev/null
+++ b/data/multi_news_synthesize/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d7c99726424dc1dc8cf5550266b3d2c3d82e8d806fe00d8dbc3a849be41acfff
+size 46380283
diff --git a/data/multi_news_what_are_the_key_points/COMPLETED b/data/multi_news_what_are_the_key_points/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/multi_news_what_are_the_key_points/info.test.json b/data/multi_news_what_are_the_key_points/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_what_are_the_key_points/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_what_are_the_key_points/info.train.json b/data/multi_news_what_are_the_key_points/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_what_are_the_key_points/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_what_are_the_key_points/info.validation.json b/data/multi_news_what_are_the_key_points/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/multi_news_what_are_the_key_points/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/multi_news_what_are_the_key_points/stats.test.json b/data/multi_news_what_are_the_key_points/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ad50f5938a184f721176f1a65127de96266e67dc
--- /dev/null
+++ b/data/multi_news_what_are_the_key_points/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 4398,
+  "inputs_tokens": 6094945,
+  "targets_max_tokens": 573,
+  "targets_tokens": 1735559
+}
diff --git a/data/multi_news_what_are_the_key_points/stats.train.json b/data/multi_news_what_are_the_key_points/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fa0a060bccc6d9d06078dc9ae004661b844d9795
--- /dev/null
+++ b/data/multi_news_what_are_the_key_points/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 44972,
+  "inputs_max_tokens": 5160,
+  "inputs_tokens": 49250671,
+  "targets_max_tokens": 604,
+  "targets_tokens": 13956138
+}
diff --git a/data/multi_news_what_are_the_key_points/stats.validation.json b/data/multi_news_what_are_the_key_points/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..91de65e450604d67b3d93227819bd1dd9b301d77
--- /dev/null
+++ b/data/multi_news_what_are_the_key_points/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5622,
+  "inputs_max_tokens": 3953,
+  "inputs_tokens": 6049373,
+  "targets_max_tokens": 589,
+  "targets_tokens": 1731654
+}
diff --git a/data/multi_news_what_are_the_key_points/test.tfrecord-00000-of-00001 b/data/multi_news_what_are_the_key_points/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..444944539ce9ff11dbd1f917d52c5b810ea0ac8f
--- /dev/null
+++ b/data/multi_news_what_are_the_key_points/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8e01201c99ff1301098a6c4c546260892ec857769ea307335d31d5730dc2a517
+size 46831801
diff --git a/data/multi_news_what_are_the_key_points/train.tfrecord-00000-of-00001 b/data/multi_news_what_are_the_key_points/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cbc0419e23bb32c9e6f4a7b2fb6e6ccec1afb2f0
--- /dev/null
+++ b/data/multi_news_what_are_the_key_points/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:353680be2ad6c640bf5509f12f65a8fd23f6aab0f55c497a277f1f7c22c2b757
+size 377837213
diff --git a/data/multi_news_what_are_the_key_points/validation.tfrecord-00000-of-00001 b/data/multi_news_what_are_the_key_points/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..44d2a9d6d224642c562062d9899c8609fa23180e
--- /dev/null
+++ b/data/multi_news_what_are_the_key_points/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0ddb23c2768184e45867c1c788d8e8e5a02e7f4e23b0067a481177c86e48c661
+size 46531327
diff --git a/data/openbookqa_main_choices/COMPLETED b/data/openbookqa_main_choices/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/openbookqa_main_choices/info.test.json b/data/openbookqa_main_choices/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_choices/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_choices/info.train.json b/data/openbookqa_main_choices/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_choices/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_choices/info.validation.json b/data/openbookqa_main_choices/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_choices/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_choices/stats.test.json b/data/openbookqa_main_choices/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1f0da4b33a0be5e9b126049fa9a94c7323937644
--- /dev/null
+++ b/data/openbookqa_main_choices/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 112,
+  "inputs_tokens": 20021,
+  "targets_max_tokens": 20,
+  "targets_tokens": 2239
+}
diff --git a/data/openbookqa_main_choices/stats.train.json b/data/openbookqa_main_choices/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..bedf222414d503b6c7bbaf91bcf85ade4f376005
--- /dev/null
+++ b/data/openbookqa_main_choices/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4957,
+  "inputs_max_tokens": 121,
+  "inputs_tokens": 194804,
+  "targets_max_tokens": 27,
+  "targets_tokens": 21002
+}
diff --git a/data/openbookqa_main_choices/stats.validation.json b/data/openbookqa_main_choices/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c8faca337d66077e41657178ccbdec7299ffbc2f
--- /dev/null
+++ b/data/openbookqa_main_choices/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 117,
+  "inputs_tokens": 20745,
+  "targets_max_tokens": 31,
+  "targets_tokens": 2437
+}
diff --git a/data/openbookqa_main_choices/test.tfrecord-00000-of-00001 b/data/openbookqa_main_choices/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b176fa649f5275cf896005d3d31f8e1dde111f97
--- /dev/null
+++ b/data/openbookqa_main_choices/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:04c3f853c11d2e28f915f3cd62659b8a93a0c56fdd6b8a69c9e36c6f81eba7f9
+size 221262
diff --git a/data/openbookqa_main_choices/train.tfrecord-00000-of-00001 b/data/openbookqa_main_choices/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..15622833d3f820f00bc004e88b2aa0f8f40a5847
--- /dev/null
+++ b/data/openbookqa_main_choices/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:317dbdc203fafc83eef8541d46015ddc2d497cd621c5cb48db4e55f52bb2bf9c
+size 2126434
diff --git a/data/openbookqa_main_choices/validation.tfrecord-00000-of-00001 b/data/openbookqa_main_choices/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..af93e6ed5544d11114f42950b88060aede1b6860
--- /dev/null
+++ b/data/openbookqa_main_choices/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8188e9ed2172ef0aeb625056b787a7b9b385bc840fe9feff36fcbceadddc702c
+size 230849
diff --git a/data/openbookqa_main_choose_an_answer_with_options/COMPLETED b/data/openbookqa_main_choose_an_answer_with_options/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/openbookqa_main_choose_an_answer_with_options/info.test.json b/data/openbookqa_main_choose_an_answer_with_options/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_choose_an_answer_with_options/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_choose_an_answer_with_options/info.train.json b/data/openbookqa_main_choose_an_answer_with_options/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_choose_an_answer_with_options/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_choose_an_answer_with_options/info.validation.json b/data/openbookqa_main_choose_an_answer_with_options/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_choose_an_answer_with_options/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_choose_an_answer_with_options/stats.test.json b/data/openbookqa_main_choose_an_answer_with_options/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0f6186b40bd9a3ba5a9dbe634ae9de5adf226f84
--- /dev/null
+++ b/data/openbookqa_main_choose_an_answer_with_options/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 116,
+  "inputs_tokens": 22021,
+  "targets_max_tokens": 20,
+  "targets_tokens": 2239
+}
diff --git a/data/openbookqa_main_choose_an_answer_with_options/stats.train.json b/data/openbookqa_main_choose_an_answer_with_options/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5d76e449c0adb5f3e1537ca43abadcb268993b31
--- /dev/null
+++ b/data/openbookqa_main_choose_an_answer_with_options/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4957,
+  "inputs_max_tokens": 125,
+  "inputs_tokens": 214632,
+  "targets_max_tokens": 27,
+  "targets_tokens": 21002
+}
diff --git a/data/openbookqa_main_choose_an_answer_with_options/stats.validation.json b/data/openbookqa_main_choose_an_answer_with_options/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..926f0950243972502063e36292c7fab1f407ef52
--- /dev/null
+++ b/data/openbookqa_main_choose_an_answer_with_options/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 121,
+  "inputs_tokens": 22745,
+  "targets_max_tokens": 31,
+  "targets_tokens": 2437
+}
diff --git a/data/openbookqa_main_choose_an_answer_with_options/test.tfrecord-00000-of-00001 b/data/openbookqa_main_choose_an_answer_with_options/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3b951f33fb17aa1d120bd5e412f118d966dabe3f
--- /dev/null
+++ b/data/openbookqa_main_choose_an_answer_with_options/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:53acdb174ac0c9a0ad985c774a8ef443d9f4ec3065fe08eba79642f17a6c136d
+size 236634
diff --git a/data/openbookqa_main_choose_an_answer_with_options/train.tfrecord-00000-of-00001 b/data/openbookqa_main_choose_an_answer_with_options/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4baa0fad6c5a896ef0f32ad48be33d7db7644444
--- /dev/null
+++ b/data/openbookqa_main_choose_an_answer_with_options/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ba2f16e67c0b4b86acb6d2e001cd9065fcb001a301d2ad0d2a8c0609d629f57a
+size 2279758
diff --git a/data/openbookqa_main_choose_an_answer_with_options/validation.tfrecord-00000-of-00001 b/data/openbookqa_main_choose_an_answer_with_options/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f48ed18819ea67628408691f375cfde3bd577f3f
--- /dev/null
+++ b/data/openbookqa_main_choose_an_answer_with_options/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cb730825087107252d583cce2544805cf06b4d498530215cfbcf63930b3a2a5a
+size 246186
diff --git a/data/openbookqa_main_only_options/COMPLETED b/data/openbookqa_main_only_options/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/openbookqa_main_only_options/info.test.json b/data/openbookqa_main_only_options/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_only_options/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_only_options/info.train.json b/data/openbookqa_main_only_options/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_only_options/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_only_options/info.validation.json b/data/openbookqa_main_only_options/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_only_options/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_only_options/stats.test.json b/data/openbookqa_main_only_options/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5179f0dd3e4f0fdd539fd906a073c639b4f21ad6
--- /dev/null
+++ b/data/openbookqa_main_only_options/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 109,
+  "inputs_tokens": 18521,
+  "targets_max_tokens": 20,
+  "targets_tokens": 2239
+}
diff --git a/data/openbookqa_main_only_options/stats.train.json b/data/openbookqa_main_only_options/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a9cf45cbdbe216d903a8b8d581466be4204606c8
--- /dev/null
+++ b/data/openbookqa_main_only_options/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4957,
+  "inputs_max_tokens": 118,
+  "inputs_tokens": 179933,
+  "targets_max_tokens": 27,
+  "targets_tokens": 21002
+}
diff --git a/data/openbookqa_main_only_options/stats.validation.json b/data/openbookqa_main_only_options/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6dbb9823b8bb286948466810822c749de3bf92c1
--- /dev/null
+++ b/data/openbookqa_main_only_options/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 114,
+  "inputs_tokens": 19245,
+  "targets_max_tokens": 31,
+  "targets_tokens": 2437
+}
diff --git a/data/openbookqa_main_only_options/test.tfrecord-00000-of-00001 b/data/openbookqa_main_only_options/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..506f536643730072b7b6b809f81d5ec6f78b9709
--- /dev/null
+++ b/data/openbookqa_main_only_options/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:37d8e3c50867d56a55e6fbfacec0cf31426af3a30b11f2d81308905e01db7937
+size 214118
diff --git a/data/openbookqa_main_only_options/train.tfrecord-00000-of-00001 b/data/openbookqa_main_only_options/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fb078dbe15d6f7098365d1d5a9a528122743565f
--- /dev/null
+++ b/data/openbookqa_main_only_options/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:17ef48459cd2effe0d52a5b4b8d9349a294de98548d1e466b8b50d9af8783cd8
+size 2055461
diff --git a/data/openbookqa_main_only_options/validation.tfrecord-00000-of-00001 b/data/openbookqa_main_only_options/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c99a78a3e8c8ff7e3194b39674a70bb8f9d424f7
--- /dev/null
+++ b/data/openbookqa_main_only_options/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:14721ea08cd4628b334a1befae775429b10bfee7d15e2120c43c94a68aa7547d
+size 223727
diff --git a/data/openbookqa_main_pick_answer_with_options/COMPLETED b/data/openbookqa_main_pick_answer_with_options/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/openbookqa_main_pick_answer_with_options/info.test.json b/data/openbookqa_main_pick_answer_with_options/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_pick_answer_with_options/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_pick_answer_with_options/info.train.json b/data/openbookqa_main_pick_answer_with_options/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_pick_answer_with_options/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_pick_answer_with_options/info.validation.json b/data/openbookqa_main_pick_answer_with_options/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_pick_answer_with_options/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_pick_answer_with_options/stats.test.json b/data/openbookqa_main_pick_answer_with_options/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..338b2bea65bed6a9262c924ff64b39799a707ec8
--- /dev/null
+++ b/data/openbookqa_main_pick_answer_with_options/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 117,
+  "inputs_tokens": 22521,
+  "targets_max_tokens": 20,
+  "targets_tokens": 2239
+}
diff --git a/data/openbookqa_main_pick_answer_with_options/stats.train.json b/data/openbookqa_main_pick_answer_with_options/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f09a0ff2a0b21f9d1b3c9c90eebebda8a0bc23e7
--- /dev/null
+++ b/data/openbookqa_main_pick_answer_with_options/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4957,
+  "inputs_max_tokens": 126,
+  "inputs_tokens": 219589,
+  "targets_max_tokens": 27,
+  "targets_tokens": 21002
+}
diff --git a/data/openbookqa_main_pick_answer_with_options/stats.validation.json b/data/openbookqa_main_pick_answer_with_options/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8aa1f3475d933bbd6224bfaf13fcfbe93376ca8f
--- /dev/null
+++ b/data/openbookqa_main_pick_answer_with_options/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 122,
+  "inputs_tokens": 23245,
+  "targets_max_tokens": 31,
+  "targets_tokens": 2437
+}
diff --git a/data/openbookqa_main_pick_answer_with_options/test.tfrecord-00000-of-00001 b/data/openbookqa_main_pick_answer_with_options/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fb80ed48c17c48e8ef401dd22a9bcdfcba510518
--- /dev/null
+++ b/data/openbookqa_main_pick_answer_with_options/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1c63baa46f08d40f9d4c92334e994cb61874224533c9b07727f44c48fa83fbd0
+size 239700
diff --git a/data/openbookqa_main_pick_answer_with_options/train.tfrecord-00000-of-00001 b/data/openbookqa_main_pick_answer_with_options/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b118d60636b8623529711bb8f1baccb3a21ca999
--- /dev/null
+++ b/data/openbookqa_main_pick_answer_with_options/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:95b7d5e9c65ddfa23167ecafbbfc0139bf1b445632d15f00effa7786f793c838
+size 2310245
diff --git a/data/openbookqa_main_pick_answer_with_options/validation.tfrecord-00000-of-00001 b/data/openbookqa_main_pick_answer_with_options/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7e052ade8860e38588b0c63522564ec07af1a3c3
--- /dev/null
+++ b/data/openbookqa_main_pick_answer_with_options/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:000bbe6d90bb195ba8af747c29f6659aa20224fed752130fbb03fb01c9bec783
+size 249258
diff --git a/data/openbookqa_main_pick_using_id/COMPLETED b/data/openbookqa_main_pick_using_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/openbookqa_main_pick_using_id/info.test.json b/data/openbookqa_main_pick_using_id/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_pick_using_id/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_pick_using_id/info.train.json b/data/openbookqa_main_pick_using_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_pick_using_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_pick_using_id/info.validation.json b/data/openbookqa_main_pick_using_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_pick_using_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_pick_using_id/stats.test.json b/data/openbookqa_main_pick_using_id/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..58833a6f81dacea39414ee0a30e6a6f21f661627
--- /dev/null
+++ b/data/openbookqa_main_pick_using_id/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 127,
+  "inputs_tokens": 27521,
+  "targets_max_tokens": 1,
+  "targets_tokens": 500
+}
diff --git a/data/openbookqa_main_pick_using_id/stats.train.json b/data/openbookqa_main_pick_using_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..71cea416359e108dcac88f33ab667767b9181e88
--- /dev/null
+++ b/data/openbookqa_main_pick_using_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4957,
+  "inputs_max_tokens": 136,
+  "inputs_tokens": 269159,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4957
+}
diff --git a/data/openbookqa_main_pick_using_id/stats.validation.json b/data/openbookqa_main_pick_using_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e79597ea4b54446c13af7f6e92fa45084cc6d996
--- /dev/null
+++ b/data/openbookqa_main_pick_using_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 132,
+  "inputs_tokens": 28245,
+  "targets_max_tokens": 1,
+  "targets_tokens": 500
+}
diff --git a/data/openbookqa_main_pick_using_id/test.tfrecord-00000-of-00001 b/data/openbookqa_main_pick_using_id/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bcd0645c12d75f725da6f6c4148fdad3d8e91ca0
--- /dev/null
+++ b/data/openbookqa_main_pick_using_id/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fea9c9e14af1e6ed6828187c0856494663d29f5c82ed419350dfa7370b69a6a9
+size 212449
diff --git a/data/openbookqa_main_pick_using_id/train.tfrecord-00000-of-00001 b/data/openbookqa_main_pick_using_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c61ce08b25d9b83a904717354245f94c9c4252f4
--- /dev/null
+++ b/data/openbookqa_main_pick_using_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b8297ade2e4e7f8e6998d5e43aa4e39782a782c75f6b18e78817503ccf8ca302
+size 2079730
diff --git a/data/openbookqa_main_pick_using_id/validation.tfrecord-00000-of-00001 b/data/openbookqa_main_pick_using_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0871a909a1dd1f046ca4cd156c9756d3879d3869
--- /dev/null
+++ b/data/openbookqa_main_pick_using_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9d9c808a7c93247a8af106792a9c1486ec5eedc32133751f4e7657345ae64033
+size 217292
diff --git a/data/openbookqa_main_which_correct/COMPLETED b/data/openbookqa_main_which_correct/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/openbookqa_main_which_correct/info.test.json b/data/openbookqa_main_which_correct/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_which_correct/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_which_correct/info.train.json b/data/openbookqa_main_which_correct/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_which_correct/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_which_correct/info.validation.json b/data/openbookqa_main_which_correct/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_which_correct/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_which_correct/stats.test.json b/data/openbookqa_main_which_correct/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5fb159bc8e39dce04be5039e0268607fe8ba8aec
--- /dev/null
+++ b/data/openbookqa_main_which_correct/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 115,
+  "inputs_tokens": 21521,
+  "targets_max_tokens": 20,
+  "targets_tokens": 2239
+}
diff --git a/data/openbookqa_main_which_correct/stats.train.json b/data/openbookqa_main_which_correct/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e3f70c12f5ff351bab51885429b515742c12ee2d
--- /dev/null
+++ b/data/openbookqa_main_which_correct/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4957,
+  "inputs_max_tokens": 124,
+  "inputs_tokens": 209675,
+  "targets_max_tokens": 27,
+  "targets_tokens": 21002
+}
diff --git a/data/openbookqa_main_which_correct/stats.validation.json b/data/openbookqa_main_which_correct/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..685b040aa2886288652c1cff10f86f16c2d5ecd0
--- /dev/null
+++ b/data/openbookqa_main_which_correct/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 120,
+  "inputs_tokens": 22245,
+  "targets_max_tokens": 31,
+  "targets_tokens": 2437
+}
diff --git a/data/openbookqa_main_which_correct/test.tfrecord-00000-of-00001 b/data/openbookqa_main_which_correct/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0931ab75f06a7cae31876c3572b0f23427baa158
--- /dev/null
+++ b/data/openbookqa_main_which_correct/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a73979f808d969641dfa6435f4c58871b1b8c2d01c3ea2f31a8137fabd5e3326
+size 234077
diff --git a/data/openbookqa_main_which_correct/train.tfrecord-00000-of-00001 b/data/openbookqa_main_which_correct/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3484145f87e6de62c5f1b4a84ee0fd1962077032
--- /dev/null
+++ b/data/openbookqa_main_which_correct/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9f7e2752f1c4230e426e1ef0d2d14c599c4ecdbaae1284542080a834e1cf7843
+size 2254230
diff --git a/data/openbookqa_main_which_correct/validation.tfrecord-00000-of-00001 b/data/openbookqa_main_which_correct/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..788142259bb0a32b679e885cb70e032a1cf7fb6e
--- /dev/null
+++ b/data/openbookqa_main_which_correct/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6b4e36c017fb2d897cb07c10d0152a07656cc12bc959f7ee4e2a74be78671c96
+size 243631
diff --git a/data/openbookqa_main_which_correct_inverse/COMPLETED b/data/openbookqa_main_which_correct_inverse/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/openbookqa_main_which_correct_inverse/info.test.json b/data/openbookqa_main_which_correct_inverse/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_which_correct_inverse/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_which_correct_inverse/info.train.json b/data/openbookqa_main_which_correct_inverse/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_which_correct_inverse/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_which_correct_inverse/info.validation.json b/data/openbookqa_main_which_correct_inverse/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/openbookqa_main_which_correct_inverse/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/openbookqa_main_which_correct_inverse/stats.test.json b/data/openbookqa_main_which_correct_inverse/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5fb159bc8e39dce04be5039e0268607fe8ba8aec
--- /dev/null
+++ b/data/openbookqa_main_which_correct_inverse/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 115,
+  "inputs_tokens": 21521,
+  "targets_max_tokens": 20,
+  "targets_tokens": 2239
+}
diff --git a/data/openbookqa_main_which_correct_inverse/stats.train.json b/data/openbookqa_main_which_correct_inverse/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e3f70c12f5ff351bab51885429b515742c12ee2d
--- /dev/null
+++ b/data/openbookqa_main_which_correct_inverse/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4957,
+  "inputs_max_tokens": 124,
+  "inputs_tokens": 209675,
+  "targets_max_tokens": 27,
+  "targets_tokens": 21002
+}
diff --git a/data/openbookqa_main_which_correct_inverse/stats.validation.json b/data/openbookqa_main_which_correct_inverse/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..685b040aa2886288652c1cff10f86f16c2d5ecd0
--- /dev/null
+++ b/data/openbookqa_main_which_correct_inverse/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 120,
+  "inputs_tokens": 22245,
+  "targets_max_tokens": 31,
+  "targets_tokens": 2437
+}
diff --git a/data/openbookqa_main_which_correct_inverse/test.tfrecord-00000-of-00001 b/data/openbookqa_main_which_correct_inverse/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4848a7daeac744e279211d4f958b6fbd7ad530e1
--- /dev/null
+++ b/data/openbookqa_main_which_correct_inverse/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ec172fb6bc8a2cfc728db1c81edc23dfaf070166f8b3df16d8233bcab4aa9273
+size 234077
diff --git a/data/openbookqa_main_which_correct_inverse/train.tfrecord-00000-of-00001 b/data/openbookqa_main_which_correct_inverse/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a08c8a268a8063c25447cf1cde017f40f0fa25e0
--- /dev/null
+++ b/data/openbookqa_main_which_correct_inverse/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:37c4b13a4fc060ede29585b33eec5201191d35f33f4dfa35c483c95d05c11f50
+size 2254230
diff --git a/data/openbookqa_main_which_correct_inverse/validation.tfrecord-00000-of-00001 b/data/openbookqa_main_which_correct_inverse/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..417c7a5edf5ccbca216fc6334135268e71434e74
--- /dev/null
+++ b/data/openbookqa_main_which_correct_inverse/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e36a4e976f7f60b5b17c160de50a4edd7f94bdb87c5d0b60ad2ca4be37b47e6b
+size 243631
diff --git a/data/paws_labeled_final_Concatenation/COMPLETED b/data/paws_labeled_final_Concatenation/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_Concatenation/info.test.json b/data/paws_labeled_final_Concatenation/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Concatenation/info.train.json b/data/paws_labeled_final_Concatenation/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Concatenation/info.validation.json b/data/paws_labeled_final_Concatenation/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Concatenation/stats.test.json b/data/paws_labeled_final_Concatenation/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..94b74140c1ec8363b0a7044ee45b658379688a6b
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 177,
+  "inputs_tokens": 716074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Concatenation/stats.train.json b/data/paws_labeled_final_Concatenation/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c85591f2dfd253be8bcd40f6111051e58121eba
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 181,
+  "inputs_tokens": 4427338,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_Concatenation/stats.validation.json b/data/paws_labeled_final_Concatenation/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b83479f056634a73fdad1e7eb9a509ba3e04257f
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 162,
+  "inputs_tokens": 717939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Concatenation/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_Concatenation/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..31eac125726887ad9a240de936ee01b636a9251d
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:97e6da48a59838963e9a4526306f26d1334b8b23636bb19f33cf8c0a47166571
+size 4904573
diff --git a/data/paws_labeled_final_Concatenation/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_Concatenation/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..36c653624eceb869245df516be3538b26132f55a
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ab19d401de166716dda54a35e4b56a277c9c9f755275c27c728d022b42e0affe
+size 30262029
diff --git a/data/paws_labeled_final_Concatenation/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_Concatenation/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6ad598f1ad8fa389fde2b76bd5b4f042a102524a
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:384545190766e388c5554e0720bb49ebdbfb4484a2cb52edb5300147a4d0cf8e
+size 4894998
diff --git a/data/paws_labeled_final_Concatenation_no_label/COMPLETED b/data/paws_labeled_final_Concatenation_no_label/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_Concatenation_no_label/info.test.json b/data/paws_labeled_final_Concatenation_no_label/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation_no_label/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Concatenation_no_label/info.train.json b/data/paws_labeled_final_Concatenation_no_label/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation_no_label/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Concatenation_no_label/info.validation.json b/data/paws_labeled_final_Concatenation_no_label/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation_no_label/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Concatenation_no_label/stats.test.json b/data/paws_labeled_final_Concatenation_no_label/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5b59576e697ffefb0af5e67be3049a7adf5f42b9
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation_no_label/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 173,
+  "inputs_tokens": 684074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Concatenation_no_label/stats.train.json b/data/paws_labeled_final_Concatenation_no_label/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..135b3c2a583f67902c2d2aebd08f3f2e8957b0fd
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation_no_label/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 177,
+  "inputs_tokens": 4229734,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_Concatenation_no_label/stats.validation.json b/data/paws_labeled_final_Concatenation_no_label/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..41500df13d017f4f66fff9014dcf6067ab4a1b8e
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation_no_label/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 158,
+  "inputs_tokens": 685939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Concatenation_no_label/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_Concatenation_no_label/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bbbb94d3c7440232d8cbc58e5bf5c730e097515b
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation_no_label/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e6e20e2e91825af89ccce25dad65ce4694d0f85774b66f08251d9303fe5ce596
+size 4766352
diff --git a/data/paws_labeled_final_Concatenation_no_label/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_Concatenation_no_label/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..105f65c4685ef6bfb2718e3cd29caaebd5d21ff4
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation_no_label/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a9745d037af61f1dbc1a55fd4b2623b5a4798edcfccfb665d305db7870946133
+size 29406996
diff --git a/data/paws_labeled_final_Concatenation_no_label/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_Concatenation_no_label/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e5e4bb2f35eed8076f6076b21d7f91b6206a9527
--- /dev/null
+++ b/data/paws_labeled_final_Concatenation_no_label/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ef58404fe724641eaae99e8c54e674ee2a89067df7434bc02be7a1888fb1c033
+size 4756620
diff --git a/data/paws_labeled_final_Meaning/COMPLETED b/data/paws_labeled_final_Meaning/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_Meaning/info.test.json b/data/paws_labeled_final_Meaning/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Meaning/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Meaning/info.train.json b/data/paws_labeled_final_Meaning/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Meaning/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Meaning/info.validation.json b/data/paws_labeled_final_Meaning/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Meaning/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Meaning/stats.test.json b/data/paws_labeled_final_Meaning/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e4ae733e586b44fa26fd8338da21c115ec10b398
--- /dev/null
+++ b/data/paws_labeled_final_Meaning/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 180,
+  "inputs_tokens": 740074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Meaning/stats.train.json b/data/paws_labeled_final_Meaning/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..714411b22b850ea63786699999e0342c970c6331
--- /dev/null
+++ b/data/paws_labeled_final_Meaning/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 184,
+  "inputs_tokens": 4575541,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_Meaning/stats.validation.json b/data/paws_labeled_final_Meaning/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1644c394319bea7a483a2ec26176c1f1a2b910a4
--- /dev/null
+++ b/data/paws_labeled_final_Meaning/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 165,
+  "inputs_tokens": 741939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Meaning/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_Meaning/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..94add697072f9ee6733df5a03f51686a117b29f2
--- /dev/null
+++ b/data/paws_labeled_final_Meaning/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8f6e74fbc457ced942e68f2bab888c046261a04a3ddb83ac466fa037dab130d6
+size 5057767
diff --git a/data/paws_labeled_final_Meaning/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_Meaning/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5e0d55c6668d2bfaf2a61ab097bf9cb2e2f77905
--- /dev/null
+++ b/data/paws_labeled_final_Meaning/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:234701ae515bc5650afdc6f096d381f7b355a9656cd9d12e2212f6b5599b3f13
+size 31208224
diff --git a/data/paws_labeled_final_Meaning/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_Meaning/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..58c9f3f84f6e68adce5a6fa344c6736fc25853a9
--- /dev/null
+++ b/data/paws_labeled_final_Meaning/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:01eede4741687e21384dd1848f8e6878753c4c32195111fda954a7b83d0dafa7
+size 5048208
diff --git a/data/paws_labeled_final_Meaning_no_label/COMPLETED b/data/paws_labeled_final_Meaning_no_label/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_Meaning_no_label/info.test.json b/data/paws_labeled_final_Meaning_no_label/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Meaning_no_label/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Meaning_no_label/info.train.json b/data/paws_labeled_final_Meaning_no_label/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Meaning_no_label/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Meaning_no_label/info.validation.json b/data/paws_labeled_final_Meaning_no_label/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Meaning_no_label/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Meaning_no_label/stats.test.json b/data/paws_labeled_final_Meaning_no_label/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0fc3fa5f10676adc7739e242346bc8d2725ea26
--- /dev/null
+++ b/data/paws_labeled_final_Meaning_no_label/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 176,
+  "inputs_tokens": 708074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Meaning_no_label/stats.train.json b/data/paws_labeled_final_Meaning_no_label/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..afd0c53e3069b347eeff256e59cb3a5a89582a19
--- /dev/null
+++ b/data/paws_labeled_final_Meaning_no_label/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 180,
+  "inputs_tokens": 4377937,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_Meaning_no_label/stats.validation.json b/data/paws_labeled_final_Meaning_no_label/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..760cdd6c01b2a6b0f376e2bebc23d641550f8fd4
--- /dev/null
+++ b/data/paws_labeled_final_Meaning_no_label/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 161,
+  "inputs_tokens": 709939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Meaning_no_label/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_Meaning_no_label/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1f8a91dda78b305959fed7779caf1d2dc8cae9c3
--- /dev/null
+++ b/data/paws_labeled_final_Meaning_no_label/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0c7cada5dbffd7102e074d6d532c779ec9dd35d0be7c724ccc7bca70570747fd
+size 4919498
diff --git a/data/paws_labeled_final_Meaning_no_label/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_Meaning_no_label/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4430e059875ec2fd6e7fb7a5568f722383a0d57d
--- /dev/null
+++ b/data/paws_labeled_final_Meaning_no_label/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c0e271cd9267f8448e305fad61db0af0949bfcd3165c77b5910e9a020721023b
+size 30353538
diff --git a/data/paws_labeled_final_Meaning_no_label/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_Meaning_no_label/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ffa579ebee81e50c38535ea82ce7ad9546dfaa11
--- /dev/null
+++ b/data/paws_labeled_final_Meaning_no_label/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dcfa29986d1e12573e22a44407063d9cfc91c2435df7fd4c39406bb96958b821
+size 4909887
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/COMPLETED b/data/paws_labeled_final_PAWS_ANLI_GPT3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/info.test.json b/data/paws_labeled_final_PAWS_ANLI_GPT3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/info.train.json b/data/paws_labeled_final_PAWS_ANLI_GPT3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/info.validation.json b/data/paws_labeled_final_PAWS_ANLI_GPT3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/stats.test.json b/data/paws_labeled_final_PAWS_ANLI_GPT3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6e5f0d94bd5fbafc25ee42df0242f0d3adc8ace7
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 157,
+  "inputs_tokens": 556074,
+  "targets_max_tokens": 3,
+  "targets_tokens": 16928
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/stats.train.json b/data/paws_labeled_final_PAWS_ANLI_GPT3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d41e13dd643a1eeb8a28c8e9543fe4ceb7f40f74
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 161,
+  "inputs_tokens": 3439318,
+  "targets_max_tokens": 3,
+  "targets_tokens": 104545
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/stats.validation.json b/data/paws_labeled_final_PAWS_ANLI_GPT3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e6384d9369e9c8e55d93cac7ecc63b15410ef4b0
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 142,
+  "inputs_tokens": 557939,
+  "targets_max_tokens": 3,
+  "targets_tokens": 16922
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_PAWS_ANLI_GPT3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1b8eea908b2a97239c9cda4a62a7ff7453d7469e
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8ffb762f334b76540ece43d78272c8c94991987de82b65c6e3944615dff8642f
+size 4188092
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_PAWS_ANLI_GPT3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c4d61e4d08f765d9709c5f813ad50674ec26fefc
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a5ea65ce65d4fd7099e673ea5ce168a277a8d730b269935f5af4f2d77eda1f9a
+size 25834222
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_PAWS_ANLI_GPT3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e7a4202a91574e8b2cf5d2400a67255a542f5ba0
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c233dad1d004907dc849e10f6cb2efe4bf1c5bd1711da3605065170bfeb1cd8b
+size 4177752
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/COMPLETED b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/info.test.json b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/info.train.json b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/info.validation.json b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/stats.test.json b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..994b1b29e8108ee90c610fd16cae68bad6394aea
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 156,
+  "inputs_tokens": 548074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/stats.train.json b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2252ede3d54b0cd1e30c4d81ca29b761d71fef7f
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 160,
+  "inputs_tokens": 3389917,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/stats.validation.json b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..15d88dddffe0a365dab45c35378712c9240703e9
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 141,
+  "inputs_tokens": 549939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e2708e2103d06e643bc2137a1e93a6cb35709732
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:152d125f9a4d71e59df9c2cbef9598c0d4fa55a88f74cc0b5364cca2c4a4b8a3
+size 4154267
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..39efe5e224f14d369ba931b9810de87d997f9e0f
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dde04c61100b8c1be237c1a4a6f91aa198ea2c3facdce843a24d4338990920a2
+size 25625358
diff --git a/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5c9b3d5131ceb5ac691e721bc6f1e1c37ee8230f
--- /dev/null
+++ b/data/paws_labeled_final_PAWS_ANLI_GPT3_no_label/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0fed5ff65f5e11bab3de0de06d4ccfe2bfa60cca23f70edbb5c5e1670b2b34df
+size 4143955
diff --git a/data/paws_labeled_final_Rewrite/COMPLETED b/data/paws_labeled_final_Rewrite/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_Rewrite/info.test.json b/data/paws_labeled_final_Rewrite/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Rewrite/info.train.json b/data/paws_labeled_final_Rewrite/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Rewrite/info.validation.json b/data/paws_labeled_final_Rewrite/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Rewrite/stats.test.json b/data/paws_labeled_final_Rewrite/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e4ae733e586b44fa26fd8338da21c115ec10b398
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 180,
+  "inputs_tokens": 740074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Rewrite/stats.train.json b/data/paws_labeled_final_Rewrite/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..714411b22b850ea63786699999e0342c970c6331
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 184,
+  "inputs_tokens": 4575541,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_Rewrite/stats.validation.json b/data/paws_labeled_final_Rewrite/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1644c394319bea7a483a2ec26176c1f1a2b910a4
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 165,
+  "inputs_tokens": 741939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Rewrite/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_Rewrite/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3a9e5c222f0e4258d1aca8c54a83ebcf210fbb31
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:910419bb0d63541a1f88d22846b0271893ec3ec6cf18ec83dab8f720d2357d7b
+size 4937310
diff --git a/data/paws_labeled_final_Rewrite/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_Rewrite/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..45439de5a29b692e6799db8d9131135567e41388
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b53ffb588d2d4f1aee7b90b82c8eeeacf69ecec76a562ba155635627e12fc703
+size 30464485
diff --git a/data/paws_labeled_final_Rewrite/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_Rewrite/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ef978a9e65bd67e462d910684dccbf002c716c6e
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:51faaa0077569df433ed80dbe19816b69a4491a24e01b6490234b495689ff7da
+size 4927784
diff --git a/data/paws_labeled_final_Rewrite_no_label/COMPLETED b/data/paws_labeled_final_Rewrite_no_label/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_Rewrite_no_label/info.test.json b/data/paws_labeled_final_Rewrite_no_label/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite_no_label/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Rewrite_no_label/info.train.json b/data/paws_labeled_final_Rewrite_no_label/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite_no_label/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Rewrite_no_label/info.validation.json b/data/paws_labeled_final_Rewrite_no_label/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite_no_label/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_Rewrite_no_label/stats.test.json b/data/paws_labeled_final_Rewrite_no_label/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0fc3fa5f10676adc7739e242346bc8d2725ea26
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite_no_label/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 176,
+  "inputs_tokens": 708074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Rewrite_no_label/stats.train.json b/data/paws_labeled_final_Rewrite_no_label/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..afd0c53e3069b347eeff256e59cb3a5a89582a19
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite_no_label/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 180,
+  "inputs_tokens": 4377937,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_Rewrite_no_label/stats.validation.json b/data/paws_labeled_final_Rewrite_no_label/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..760cdd6c01b2a6b0f376e2bebc23d641550f8fd4
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite_no_label/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 161,
+  "inputs_tokens": 709939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_Rewrite_no_label/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_Rewrite_no_label/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c8a59d65534ee2d8760cb5b24fa4cdb1037079c9
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite_no_label/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:22241c8013ec3e4295650bcffa460d9eb43539bd28b61718506e55b68447d52d
+size 4799123
diff --git a/data/paws_labeled_final_Rewrite_no_label/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_Rewrite_no_label/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f9368643deeb99c5b3ac0a7f677b33c922c48b80
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite_no_label/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:41ea115083dc57128a8d74f7b7373e56ce0a7a8df280750df182a68139e419d2
+size 29609677
diff --git a/data/paws_labeled_final_Rewrite_no_label/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_Rewrite_no_label/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fe18470a8cd3ac76286dc49cd3867cc85dd5ea1a
--- /dev/null
+++ b/data/paws_labeled_final_Rewrite_no_label/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:75eab53a7cdc65f5f0e334ec28b593e55b6615bccb7ec3e2224b9c2fe1494896
+size 4789472
diff --git a/data/paws_labeled_final_context_question/COMPLETED b/data/paws_labeled_final_context_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_context_question/info.test.json b/data/paws_labeled_final_context_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_context_question/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_context_question/info.train.json b/data/paws_labeled_final_context_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_context_question/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_context_question/info.validation.json b/data/paws_labeled_final_context_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_context_question/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_context_question/stats.test.json b/data/paws_labeled_final_context_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5797228dd4716bb77b898928db3b5ee31a59adf1
--- /dev/null
+++ b/data/paws_labeled_final_context_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 166,
+  "inputs_tokens": 628074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_context_question/stats.train.json b/data/paws_labeled_final_context_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6e6b8c0ecf4739ef02a6a56728d010115ac7ef3d
--- /dev/null
+++ b/data/paws_labeled_final_context_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 170,
+  "inputs_tokens": 3883908,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_context_question/stats.validation.json b/data/paws_labeled_final_context_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4acbc98f9fbd08e193c886fd287cf4689bb327b5
--- /dev/null
+++ b/data/paws_labeled_final_context_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 151,
+  "inputs_tokens": 629939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_context_question/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_context_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0bd3b2dfc9641eb3a9768e059d6754c13048ec1b
--- /dev/null
+++ b/data/paws_labeled_final_context_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:798f0a81c16aee3ae20b7f2ed0f42f39cbbd14b2cbbfdad292d53c14c700f87f
+size 4511272
diff --git a/data/paws_labeled_final_context_question/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_context_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..25dbcdd6bd9c04c374bb37ff564ddd3127ecd594
--- /dev/null
+++ b/data/paws_labeled_final_context_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c4b646ae63d3bce82518d3789e71f1c51453dd81e39a38413140f24a469ba453
+size 27831595
diff --git a/data/paws_labeled_final_context_question/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_context_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f5c930008c42f815c55dec6b77763a36fc728eb7
--- /dev/null
+++ b/data/paws_labeled_final_context_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c143c759c5f7b43c204739d6c299b13c8763c1d4e65c40f3c505303a2b84857
+size 4501440
diff --git a/data/paws_labeled_final_context_question_no_label/COMPLETED b/data/paws_labeled_final_context_question_no_label/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_context_question_no_label/info.test.json b/data/paws_labeled_final_context_question_no_label/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_context_question_no_label/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_context_question_no_label/info.train.json b/data/paws_labeled_final_context_question_no_label/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_context_question_no_label/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_context_question_no_label/info.validation.json b/data/paws_labeled_final_context_question_no_label/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_context_question_no_label/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_context_question_no_label/stats.test.json b/data/paws_labeled_final_context_question_no_label/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..93444176518b9b4d31741a8122d913aaa3f10b97
--- /dev/null
+++ b/data/paws_labeled_final_context_question_no_label/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 162,
+  "inputs_tokens": 596074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_context_question_no_label/stats.train.json b/data/paws_labeled_final_context_question_no_label/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8979c5870512b8133c326a620397b89f1110db99
--- /dev/null
+++ b/data/paws_labeled_final_context_question_no_label/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 166,
+  "inputs_tokens": 3686304,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_context_question_no_label/stats.validation.json b/data/paws_labeled_final_context_question_no_label/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..358a18d7f0bce4b0aa1a2f5b21fcc4ea354f858a
--- /dev/null
+++ b/data/paws_labeled_final_context_question_no_label/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 597939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_context_question_no_label/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_context_question_no_label/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cc113e4c82963d8596e3dc6a86ce0aba59ac2b35
--- /dev/null
+++ b/data/paws_labeled_final_context_question_no_label/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72dfbca0a44917a2c55b625d7023d905118504d918b5c10d67af628372ad97b0
+size 4372881
diff --git a/data/paws_labeled_final_context_question_no_label/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_context_question_no_label/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..39c86c65ea26c05e308c74caab329668e275fddb
--- /dev/null
+++ b/data/paws_labeled_final_context_question_no_label/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:523e3f65780d9873ca0e4ecee1763792e70e556afbe878a3833541637a637a4a
+size 26976745
diff --git a/data/paws_labeled_final_context_question_no_label/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_context_question_no_label/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..99706e8d1d9257b5273b471cfbc0ffefeaea0a21
--- /dev/null
+++ b/data/paws_labeled_final_context_question_no_label/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c26ef39275421f14c9877a3400c3dcea314ecc9cd9ed44c194d012b1fadfadbb
+size 4362947
diff --git a/data/paws_labeled_final_paraphrase_task/COMPLETED b/data/paws_labeled_final_paraphrase_task/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_paraphrase_task/info.test.json b/data/paws_labeled_final_paraphrase_task/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/paws_labeled_final_paraphrase_task/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_paraphrase_task/info.train.json b/data/paws_labeled_final_paraphrase_task/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/paws_labeled_final_paraphrase_task/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_paraphrase_task/info.validation.json b/data/paws_labeled_final_paraphrase_task/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/paws_labeled_final_paraphrase_task/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_paraphrase_task/stats.test.json b/data/paws_labeled_final_paraphrase_task/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..90163ebfe1c4b70cb0de64f82a7195ffa4c7fbd8
--- /dev/null
+++ b/data/paws_labeled_final_paraphrase_task/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3536,
+  "inputs_max_tokens": 80,
+  "inputs_tokens": 125918,
+  "targets_max_tokens": 75,
+  "targets_tokens": 108447
+}
diff --git a/data/paws_labeled_final_paraphrase_task/stats.train.json b/data/paws_labeled_final_paraphrase_task/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..030d9029824f03206c782a4d5d598445c4adaf31
--- /dev/null
+++ b/data/paws_labeled_final_paraphrase_task/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 21829,
+  "inputs_max_tokens": 83,
+  "inputs_tokens": 784717,
+  "targets_max_tokens": 75,
+  "targets_tokens": 674802
+}
diff --git a/data/paws_labeled_final_paraphrase_task/stats.validation.json b/data/paws_labeled_final_paraphrase_task/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3353f9e879063ead3d4515f949f0e1311c3b9785
--- /dev/null
+++ b/data/paws_labeled_final_paraphrase_task/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3539,
+  "inputs_max_tokens": 71,
+  "inputs_tokens": 126915,
+  "targets_max_tokens": 68,
+  "targets_tokens": 109119
+}
diff --git a/data/paws_labeled_final_paraphrase_task/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_paraphrase_task/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..49bb60d256051f007687310ff13b25a9f82767e6
--- /dev/null
+++ b/data/paws_labeled_final_paraphrase_task/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bed6bcf2fc662da2def9e9e94bc560979c4792d6f634b7532cf6900299dae5ae
+size 1695668
diff --git a/data/paws_labeled_final_paraphrase_task/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_paraphrase_task/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7eb63c764e19a5279b3d51a8a5cdcee2765f4130
--- /dev/null
+++ b/data/paws_labeled_final_paraphrase_task/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a1687d80035c1f3fec38bf039f22870bf0e4377182e566f2dd5ad3a304e6597a
+size 10510042
diff --git a/data/paws_labeled_final_paraphrase_task/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_paraphrase_task/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..25109640eff6f1a87075051a47051ec8f458472b
--- /dev/null
+++ b/data/paws_labeled_final_paraphrase_task/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d4d7b037bb7e93b39d1610a9d6fd40a9f7ae201495c8a05ae29dd9aa72a7dac8
+size 1698599
diff --git a/data/paws_labeled_final_task_description_no_label/COMPLETED b/data/paws_labeled_final_task_description_no_label/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/paws_labeled_final_task_description_no_label/info.test.json b/data/paws_labeled_final_task_description_no_label/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_task_description_no_label/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_task_description_no_label/info.train.json b/data/paws_labeled_final_task_description_no_label/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_task_description_no_label/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_task_description_no_label/info.validation.json b/data/paws_labeled_final_task_description_no_label/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/paws_labeled_final_task_description_no_label/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/paws_labeled_final_task_description_no_label/stats.test.json b/data/paws_labeled_final_task_description_no_label/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6276b1441021383f3a13ff0a92f45791e53d8c86
--- /dev/null
+++ b/data/paws_labeled_final_task_description_no_label/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 171,
+  "inputs_tokens": 668074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_task_description_no_label/stats.train.json b/data/paws_labeled_final_task_description_no_label/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ae237eeef69bed6bfd05b0a2bf21414c447140e6
--- /dev/null
+++ b/data/paws_labeled_final_task_description_no_label/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 49401,
+  "inputs_max_tokens": 175,
+  "inputs_tokens": 4130932,
+  "targets_max_tokens": 1,
+  "targets_tokens": 49401
+}
diff --git a/data/paws_labeled_final_task_description_no_label/stats.validation.json b/data/paws_labeled_final_task_description_no_label/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..48b325c9dc145e8eeeba8897b09daa278b69a6e6
--- /dev/null
+++ b/data/paws_labeled_final_task_description_no_label/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8000,
+  "inputs_max_tokens": 156,
+  "inputs_tokens": 669939,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8000
+}
diff --git a/data/paws_labeled_final_task_description_no_label/test.tfrecord-00000-of-00001 b/data/paws_labeled_final_task_description_no_label/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..32aeb9264e280094d508b8ac4fe48649d544c76d
--- /dev/null
+++ b/data/paws_labeled_final_task_description_no_label/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3cec8316e25dc35069a0d52b90926250fd2468d8243fcfaa6451b0e92079214d
+size 4828219
diff --git a/data/paws_labeled_final_task_description_no_label/train.tfrecord-00000-of-00001 b/data/paws_labeled_final_task_description_no_label/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8bc4ae7d1b37ac26654f4a81d88c43fe0b5883cd
--- /dev/null
+++ b/data/paws_labeled_final_task_description_no_label/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:de241c9f0a61dfe85d9dac8c758e8e82039f64c70be2d2637d0b104b2a164fb2
+size 29789407
diff --git a/data/paws_labeled_final_task_description_no_label/validation.tfrecord-00000-of-00001 b/data/paws_labeled_final_task_description_no_label/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6c174d32b9360b49d5c2382f07ba1de3a5dea89f
--- /dev/null
+++ b/data/paws_labeled_final_task_description_no_label/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9cee2ca5a0743a72b5780dee35a392baabb4645f195f787da780856fd0b22508
+size 4818656
diff --git a/data/piqa_Correct_the_solution/COMPLETED b/data/piqa_Correct_the_solution/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_Correct_the_solution/info.test.json b/data/piqa_Correct_the_solution/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_Correct_the_solution/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Correct_the_solution/info.train.json b/data/piqa_Correct_the_solution/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_Correct_the_solution/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Correct_the_solution/info.validation.json b/data/piqa_Correct_the_solution/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_Correct_the_solution/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Correct_the_solution/stats.test.json b/data/piqa_Correct_the_solution/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..eb867d317690bf75c9f3e25b8578d3bd50d1981a
--- /dev/null
+++ b/data/piqa_Correct_the_solution/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 77,
+  "inputs_tokens": 121104,
+  "targets_max_tokens": 312,
+  "targets_tokens": 72795
+}
diff --git a/data/piqa_Correct_the_solution/stats.train.json b/data/piqa_Correct_the_solution/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..120203180fcfe44c22ffd595c9cd942550279610
--- /dev/null
+++ b/data/piqa_Correct_the_solution/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 549,
+  "inputs_tokens": 1028988,
+  "targets_max_tokens": 511,
+  "targets_tokens": 396364
+}
diff --git a/data/piqa_Correct_the_solution/stats.validation.json b/data/piqa_Correct_the_solution/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4ca6dc9a81b6270a44efbb62370990afc07361a8
--- /dev/null
+++ b/data/piqa_Correct_the_solution/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 285,
+  "inputs_tokens": 117148,
+  "targets_max_tokens": 246,
+  "targets_tokens": 44638
+}
diff --git a/data/piqa_Correct_the_solution/test.tfrecord-00000-of-00001 b/data/piqa_Correct_the_solution/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7803d6e4632ba94175b967da8a42b53ae86967b3
--- /dev/null
+++ b/data/piqa_Correct_the_solution/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:381419a54688c0fd594aa6e3353fbc459fc79a7987d622830d57f7b20973b3af
+size 1416466
diff --git a/data/piqa_Correct_the_solution/train.tfrecord-00000-of-00001 b/data/piqa_Correct_the_solution/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0d0d7812acb842480c444c5a320543503ea3c6d0
--- /dev/null
+++ b/data/piqa_Correct_the_solution/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dcfffa446493bf999f2b27ef6f5b661dee08ccf5a06fb96c94c826ead78efbee
+size 9733259
diff --git a/data/piqa_Correct_the_solution/validation.tfrecord-00000-of-00001 b/data/piqa_Correct_the_solution/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..20eef6748d1d8f34d661d0457c623eb589b31823
--- /dev/null
+++ b/data/piqa_Correct_the_solution/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ac0db99de3fe45966de44756692613ab4ea73244c964f29abc28fb1c7b1259e2
+size 1105750
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/COMPLETED b/data/piqa_Correct_the_solution_if_false_from_sol_1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/info.test.json b/data/piqa_Correct_the_solution_if_false_from_sol_1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_1/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/info.train.json b/data/piqa_Correct_the_solution_if_false_from_sol_1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_1/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/info.validation.json b/data/piqa_Correct_the_solution_if_false_from_sol_1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_1/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/stats.test.json b/data/piqa_Correct_the_solution_if_false_from_sol_1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a6ae0a391b40c64708fc073d53f4cb91261a56d0
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 345,
+  "inputs_tokens": 191158,
+  "targets_max_tokens": 315,
+  "targets_tokens": 101167
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/stats.train.json b/data/piqa_Correct_the_solution_if_false_from_sol_1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f5d488e2dd864385970f7b62fa11a354139a9aa2
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 548,
+  "inputs_tokens": 1011840,
+  "targets_max_tokens": 519,
+  "targets_tokens": 544786
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/stats.validation.json b/data/piqa_Correct_the_solution_if_false_from_sol_1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..915d89d270f61244724d62670f84ae2b106e3dd4
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 284,
+  "inputs_tokens": 115080,
+  "targets_max_tokens": 253,
+  "targets_tokens": 61809
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/test.tfrecord-00000-of-00001 b/data/piqa_Correct_the_solution_if_false_from_sol_1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e3be8ee1a243ff71954b6aefd192bdd57c20e3c
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7b3a64dfbb6fc6efbc4dbafd0b4b9b7a5c9920c413d56247a5ca3f24a0f5a4ff
+size 2007338
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/train.tfrecord-00000-of-00001 b/data/piqa_Correct_the_solution_if_false_from_sol_1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9714762da5336dc2ead598473facb45978705114
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:78d3a0fa77c55ae72feb096927fd6222d45cb1544cad6cb00b7335b789b6ee1e
+size 10660899
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_1/validation.tfrecord-00000-of-00001 b/data/piqa_Correct_the_solution_if_false_from_sol_1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..59a3bccc4e356b68a1057671f1cf606b92d73613
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:426aba1a90bf8691a45e74b57890f711dd66c30206652c81a6e020efa7e89f88
+size 1212263
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/COMPLETED b/data/piqa_Correct_the_solution_if_false_from_sol_2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/info.test.json b/data/piqa_Correct_the_solution_if_false_from_sol_2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_2/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/info.train.json b/data/piqa_Correct_the_solution_if_false_from_sol_2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_2/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/info.validation.json b/data/piqa_Correct_the_solution_if_false_from_sol_2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_2/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/stats.test.json b/data/piqa_Correct_the_solution_if_false_from_sol_2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5be6f18c3388a974c5de118a53bbcb58bc1c0446
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 349,
+  "inputs_tokens": 206023,
+  "targets_max_tokens": 315,
+  "targets_tokens": 101167
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/stats.train.json b/data/piqa_Correct_the_solution_if_false_from_sol_2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f272b7b85eccc94f987f0bd5d285a8035dfe948a
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 553,
+  "inputs_tokens": 1092584,
+  "targets_max_tokens": 519,
+  "targets_tokens": 544786
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/stats.validation.json b/data/piqa_Correct_the_solution_if_false_from_sol_2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..bf4afc6d00aa8897d7f5beaac2076e8ecbf01785
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 124398,
+  "targets_max_tokens": 253,
+  "targets_tokens": 61809
+}
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/test.tfrecord-00000-of-00001 b/data/piqa_Correct_the_solution_if_false_from_sol_2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..959d307bd9afb2410d596b1e322dc71a49898097
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e86c85793c1201f08e7295120a58fbed438432217cba4d1d6428eb6e92086ddb
+size 2020266
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/train.tfrecord-00000-of-00001 b/data/piqa_Correct_the_solution_if_false_from_sol_2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0d680f983ce34a9a4dfee24a6f3e5791f2159853
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4348f49300ea1bf0e6a4e3516e3341d1a4540d6cb0fcec39d905f65908d55b2d
+size 10744422
diff --git a/data/piqa_Correct_the_solution_if_false_from_sol_2/validation.tfrecord-00000-of-00001 b/data/piqa_Correct_the_solution_if_false_from_sol_2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cdcac94f03e122c6516e8a9f4fafc1a51c011a12
--- /dev/null
+++ b/data/piqa_Correct_the_solution_if_false_from_sol_2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:19bc0ab5a61b8ebfb2d75b5ec89f0bb9b04c0874414265d22831fb08f640fccb
+size 1222025
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/COMPLETED b/data/piqa_Does_this_solution_make_sense_sol1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/info.test.json b/data/piqa_Does_this_solution_make_sense_sol1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/info.train.json b/data/piqa_Does_this_solution_make_sense_sol1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/info.validation.json b/data/piqa_Does_this_solution_make_sense_sol1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/stats.test.json b/data/piqa_Does_this_solution_make_sense_sol1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fff7451f7cafaf634ed2c22783f34178f2cd9280
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 327,
+  "inputs_tokens": 135646,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3084
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/stats.train.json b/data/piqa_Does_this_solution_make_sense_sol1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9166bf79fdf6c2829ec62577523926a4e3da305a
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 530,
+  "inputs_tokens": 721806,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16113
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/stats.validation.json b/data/piqa_Does_this_solution_make_sense_sol1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..96af008fa7293941615be163a74f4a99640b763e
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 266,
+  "inputs_tokens": 81996,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1838
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/test.tfrecord-00000-of-00001 b/data/piqa_Does_this_solution_make_sense_sol1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..70694af52a47aea48e8af52ef83f3438c2b4ac9e
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c35f1143e3bad8366b290c309ef16b30e9525490e68722442f957f0e2f59eb39
+size 1250426
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/train.tfrecord-00000-of-00001 b/data/piqa_Does_this_solution_make_sense_sol1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..68bc0accb1f9a0dd6a4c24b7ced600e0d4c78551
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7d1438ccad4307614e829ab312ec6c866ec5b9584af0bf71def6c30fa2f2926b
+size 6619538
diff --git a/data/piqa_Does_this_solution_make_sense_sol1/validation.tfrecord-00000-of-00001 b/data/piqa_Does_this_solution_make_sense_sol1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cbbcb26be56c288b255b3d9a1401fdecbd404aea
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ed89fd621e7d20672d374303c758356c962706f1ca5e7ae6ea253b180280c1e8
+size 753138
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/COMPLETED b/data/piqa_Does_this_solution_make_sense_sol2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/info.test.json b/data/piqa_Does_this_solution_make_sense_sol2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/info.train.json b/data/piqa_Does_this_solution_make_sense_sol2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/info.validation.json b/data/piqa_Does_this_solution_make_sense_sol2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/stats.test.json b/data/piqa_Does_this_solution_make_sense_sol2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d4e9240be076d6f965dfd8d9964d114ba2a6d910
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 321,
+  "inputs_tokens": 119883,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3084
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/stats.train.json b/data/piqa_Does_this_solution_make_sense_sol2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f34ac0ca1b9a4fee8762ac6ba269af71681bda5b
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 525,
+  "inputs_tokens": 642481,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16113
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/stats.validation.json b/data/piqa_Does_this_solution_make_sense_sol2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b60c5c071bd5a4e1c2e19aa4d1307f0039a01691
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 259,
+  "inputs_tokens": 73075,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1838
+}
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/test.tfrecord-00000-of-00001 b/data/piqa_Does_this_solution_make_sense_sol2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1683824e38087c082210a454aed7ad70e2f3841f
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a71f62b6976562fa79d464372546f19637e3f00741ee6222e03f1199d3dbea06
+size 1156948
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/train.tfrecord-00000-of-00001 b/data/piqa_Does_this_solution_make_sense_sol2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..847d26b57082100c3cdad1be0e6db6f702601a05
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b92b28d4cea0aeb50c02aa9e1590562f69c12912df0b26a0ee25cbb79a9d9553
+size 6131514
diff --git a/data/piqa_Does_this_solution_make_sense_sol2/validation.tfrecord-00000-of-00001 b/data/piqa_Does_this_solution_make_sense_sol2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a8ad3af0fcf80b824a81c68ebbc743889a005173
--- /dev/null
+++ b/data/piqa_Does_this_solution_make_sense_sol2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d98988c8b0ce562f8c46f27fb96e24c5a18b59367d2e5e074e091dd4ed3e5bf9
+size 697801
diff --git a/data/piqa_choose_the_most_appropriate_solution/COMPLETED b/data/piqa_choose_the_most_appropriate_solution/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_choose_the_most_appropriate_solution/info.test.json b/data/piqa_choose_the_most_appropriate_solution/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_choose_the_most_appropriate_solution/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_choose_the_most_appropriate_solution/info.train.json b/data/piqa_choose_the_most_appropriate_solution/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_choose_the_most_appropriate_solution/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_choose_the_most_appropriate_solution/info.validation.json b/data/piqa_choose_the_most_appropriate_solution/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_choose_the_most_appropriate_solution/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_choose_the_most_appropriate_solution/stats.test.json b/data/piqa_choose_the_most_appropriate_solution/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..91a2a80ab348b690325e2980c14563152dc8f3f2
--- /dev/null
+++ b/data/piqa_choose_the_most_appropriate_solution/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 663,
+  "inputs_tokens": 282662,
+  "targets_max_tokens": 2,
+  "targets_tokens": 6168
+}
diff --git a/data/piqa_choose_the_most_appropriate_solution/stats.train.json b/data/piqa_choose_the_most_appropriate_solution/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..19259ec5d119a04775b556991b760232b57e01aa
--- /dev/null
+++ b/data/piqa_choose_the_most_appropriate_solution/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 1065,
+  "inputs_tokens": 1505917,
+  "targets_max_tokens": 2,
+  "targets_tokens": 32226
+}
diff --git a/data/piqa_choose_the_most_appropriate_solution/stats.validation.json b/data/piqa_choose_the_most_appropriate_solution/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6c192e9ab58fb4d8ebf54050a0e19dcc8760edb2
--- /dev/null
+++ b/data/piqa_choose_the_most_appropriate_solution/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 536,
+  "inputs_tokens": 170976,
+  "targets_max_tokens": 2,
+  "targets_tokens": 3676
+}
diff --git a/data/piqa_choose_the_most_appropriate_solution/test.tfrecord-00000-of-00001 b/data/piqa_choose_the_most_appropriate_solution/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d98a1410e20b38642ff5edc113d3a4915fe5561a
--- /dev/null
+++ b/data/piqa_choose_the_most_appropriate_solution/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0dc9686d284bf0623ef31f32f76e054f9ded3a943388b548533d3255cd67762e
+size 2200696
diff --git a/data/piqa_choose_the_most_appropriate_solution/train.tfrecord-00000-of-00001 b/data/piqa_choose_the_most_appropriate_solution/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2f604f39c70ca202737756d4b8b74a7282d972e9
--- /dev/null
+++ b/data/piqa_choose_the_most_appropriate_solution/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0a542f8a9aa634e2db3e456a318b635318f7ae38ead76f1bef0b4421b4ef8e5c
+size 11669585
diff --git a/data/piqa_choose_the_most_appropriate_solution/validation.tfrecord-00000-of-00001 b/data/piqa_choose_the_most_appropriate_solution/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..376d220d3782d619c66047f51dfadb8cfebba2fa
--- /dev/null
+++ b/data/piqa_choose_the_most_appropriate_solution/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ef145ea10a94741d434eef8d948c2f478d0dcc3406adce6c7ab2dfd0ecfabb42
+size 1326608
diff --git a/data/piqa_finish_sentence_with_correct_choice/COMPLETED b/data/piqa_finish_sentence_with_correct_choice/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_finish_sentence_with_correct_choice/info.test.json b/data/piqa_finish_sentence_with_correct_choice/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_finish_sentence_with_correct_choice/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_finish_sentence_with_correct_choice/info.train.json b/data/piqa_finish_sentence_with_correct_choice/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_finish_sentence_with_correct_choice/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_finish_sentence_with_correct_choice/info.validation.json b/data/piqa_finish_sentence_with_correct_choice/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_finish_sentence_with_correct_choice/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_finish_sentence_with_correct_choice/stats.test.json b/data/piqa_finish_sentence_with_correct_choice/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2a6c306eb24605c95c454f88170579820bc356fc
--- /dev/null
+++ b/data/piqa_finish_sentence_with_correct_choice/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 646,
+  "inputs_tokens": 230234,
+  "targets_max_tokens": 312,
+  "targets_tokens": 72795
+}
diff --git a/data/piqa_finish_sentence_with_correct_choice/stats.train.json b/data/piqa_finish_sentence_with_correct_choice/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aea490e2a14d9833b2723b06e776a987e31b3c9d
--- /dev/null
+++ b/data/piqa_finish_sentence_with_correct_choice/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 1048,
+  "inputs_tokens": 1231996,
+  "targets_max_tokens": 511,
+  "targets_tokens": 396364
+}
diff --git a/data/piqa_finish_sentence_with_correct_choice/stats.validation.json b/data/piqa_finish_sentence_with_correct_choice/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..123ccec8da945c863fa43c0b694f5aa41b185bc9
--- /dev/null
+++ b/data/piqa_finish_sentence_with_correct_choice/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 519,
+  "inputs_tokens": 139730,
+  "targets_max_tokens": 246,
+  "targets_tokens": 44638
+}
diff --git a/data/piqa_finish_sentence_with_correct_choice/test.tfrecord-00000-of-00001 b/data/piqa_finish_sentence_with_correct_choice/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d12db57a4ee74b724bff45085b4ee3799b92ecd
--- /dev/null
+++ b/data/piqa_finish_sentence_with_correct_choice/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1abe0310412231008098e6a3b1d2559253b66bb1a44a5af63e905b501fc22394
+size 2747874
diff --git a/data/piqa_finish_sentence_with_correct_choice/train.tfrecord-00000-of-00001 b/data/piqa_finish_sentence_with_correct_choice/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cb14fc4094e5e1018a80940e9c8bcfffe8c7cf98
--- /dev/null
+++ b/data/piqa_finish_sentence_with_correct_choice/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:87e743cfde2e004a57c73d235453384bbb021f0e3afb5234fb1556e67fcd1bdf
+size 14749065
diff --git a/data/piqa_finish_sentence_with_correct_choice/validation.tfrecord-00000-of-00001 b/data/piqa_finish_sentence_with_correct_choice/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..97a815c5f70442884045734429e8a06f19472002
--- /dev/null
+++ b/data/piqa_finish_sentence_with_correct_choice/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:df3f786e6db74fead8d7ac105b4254aa5ca89dda7e8a446636a05477f0eecbba
+size 1670520
diff --git a/data/piqa_no_prompt_needed/COMPLETED b/data/piqa_no_prompt_needed/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_no_prompt_needed/info.test.json b/data/piqa_no_prompt_needed/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_no_prompt_needed/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_no_prompt_needed/info.train.json b/data/piqa_no_prompt_needed/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_no_prompt_needed/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_no_prompt_needed/info.validation.json b/data/piqa_no_prompt_needed/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/piqa_no_prompt_needed/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_no_prompt_needed/stats.test.json b/data/piqa_no_prompt_needed/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7873484a3673bbf82b1595eb1d4e47baead9c9d5
--- /dev/null
+++ b/data/piqa_no_prompt_needed/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 28584,
+  "targets_max_tokens": 312,
+  "targets_tokens": 72583
+}
diff --git a/data/piqa_no_prompt_needed/stats.train.json b/data/piqa_no_prompt_needed/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..dbf868d3604158404f360b6611e35993d7140f38
--- /dev/null
+++ b/data/piqa_no_prompt_needed/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 40,
+  "inputs_tokens": 149469,
+  "targets_max_tokens": 511,
+  "targets_tokens": 395317
+}
diff --git a/data/piqa_no_prompt_needed/stats.validation.json b/data/piqa_no_prompt_needed/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..371f29e7c541117b45fbc0f99436256030399fc0
--- /dev/null
+++ b/data/piqa_no_prompt_needed/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 32,
+  "inputs_tokens": 17306,
+  "targets_max_tokens": 246,
+  "targets_tokens": 44503
+}
diff --git a/data/piqa_no_prompt_needed/test.tfrecord-00000-of-00001 b/data/piqa_no_prompt_needed/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e840fd637e112f801c32a7fbd1b2d030e4e53a73
--- /dev/null
+++ b/data/piqa_no_prompt_needed/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c97d47844185f2e86c692e8f0b9a226309bf321dfc6ab4474720ee699e4deefc
+size 917089
diff --git a/data/piqa_no_prompt_needed/train.tfrecord-00000-of-00001 b/data/piqa_no_prompt_needed/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..052d0ba96c0e64c2e75cdbc6707f0ca6af684749
--- /dev/null
+++ b/data/piqa_no_prompt_needed/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0be697899e9e8d6f5168a0448fc7efd623fa76f3a45198ee996a48e56b8f77c0
+size 4886059
diff --git a/data/piqa_no_prompt_needed/validation.tfrecord-00000-of-00001 b/data/piqa_no_prompt_needed/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..74ecfba99c710bea3a940ec6a3eaa7cd914494cb
--- /dev/null
+++ b/data/piqa_no_prompt_needed/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:504db0d27f368bb9754c0919eadc490cc40786ae6839479dfaf0a6940be26dc5
+size 555447
diff --git a/data/piqa_pick_correct_choice_index/COMPLETED b/data/piqa_pick_correct_choice_index/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_pick_correct_choice_index/info.test.json b/data/piqa_pick_correct_choice_index/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_pick_correct_choice_index/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_pick_correct_choice_index/info.train.json b/data/piqa_pick_correct_choice_index/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_pick_correct_choice_index/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_pick_correct_choice_index/info.validation.json b/data/piqa_pick_correct_choice_index/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_pick_correct_choice_index/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_pick_correct_choice_index/stats.test.json b/data/piqa_pick_correct_choice_index/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..61611309d72dcd798aa95df322c3f02b8eb9baf9
--- /dev/null
+++ b/data/piqa_pick_correct_choice_index/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 654,
+  "inputs_tokens": 254906,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3084
+}
diff --git a/data/piqa_pick_correct_choice_index/stats.train.json b/data/piqa_pick_correct_choice_index/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..df81eed65cbeb258af2f0349b9f1e853bb0ea2e9
--- /dev/null
+++ b/data/piqa_pick_correct_choice_index/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 1056,
+  "inputs_tokens": 1360900,
+  "targets_max_tokens": 1,
+  "targets_tokens": 16113
+}
diff --git a/data/piqa_pick_correct_choice_index/stats.validation.json b/data/piqa_pick_correct_choice_index/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b4e027cf893e5d4e10f8bf346c082c2e2275cca8
--- /dev/null
+++ b/data/piqa_pick_correct_choice_index/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 527,
+  "inputs_tokens": 154434,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1838
+}
diff --git a/data/piqa_pick_correct_choice_index/test.tfrecord-00000-of-00001 b/data/piqa_pick_correct_choice_index/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5cce2fe67cef83be2d8d77de7b98fb33fa614e01
--- /dev/null
+++ b/data/piqa_pick_correct_choice_index/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8f01b1764564ebbf63b8ffe328315bf8b9ab60595ad232242cf9d9627fec60c3
+size 1908845
diff --git a/data/piqa_pick_correct_choice_index/train.tfrecord-00000-of-00001 b/data/piqa_pick_correct_choice_index/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d453e99acb4e080edc8ada125cd99ca049301562
--- /dev/null
+++ b/data/piqa_pick_correct_choice_index/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bdafad0702d7971a24d6a0e0734d2a0b5aa2c528a7b0e28cc425ad326ec00b1b
+size 10144728
diff --git a/data/piqa_pick_correct_choice_index/validation.tfrecord-00000-of-00001 b/data/piqa_pick_correct_choice_index/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..285cc308db5d789cb4e2d696c14736be7028f355
--- /dev/null
+++ b/data/piqa_pick_correct_choice_index/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0779202642b716d537a1ce6b89f6366c9e8474a315f53ede3bae8bf361c4c3f5
+size 1152717
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/COMPLETED b/data/piqa_pick_correct_choice_with_choice_given_before_goal/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/info.test.json b/data/piqa_pick_correct_choice_with_choice_given_before_goal/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_pick_correct_choice_with_choice_given_before_goal/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/info.train.json b/data/piqa_pick_correct_choice_with_choice_given_before_goal/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_pick_correct_choice_with_choice_given_before_goal/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/info.validation.json b/data/piqa_pick_correct_choice_with_choice_given_before_goal/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_pick_correct_choice_with_choice_given_before_goal/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/stats.test.json b/data/piqa_pick_correct_choice_with_choice_given_before_goal/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..14fc77c556683af7226439dfde9036ea5d13e441
--- /dev/null
+++ b/data/piqa_pick_correct_choice_with_choice_given_before_goal/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 653,
+  "inputs_tokens": 251822,
+  "targets_max_tokens": 312,
+  "targets_tokens": 72795
+}
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/stats.train.json b/data/piqa_pick_correct_choice_with_choice_given_before_goal/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8771ec756d6b58801e7421b60fd6f5ca36a1e6a5
--- /dev/null
+++ b/data/piqa_pick_correct_choice_with_choice_given_before_goal/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 1055,
+  "inputs_tokens": 1344787,
+  "targets_max_tokens": 511,
+  "targets_tokens": 396364
+}
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/stats.validation.json b/data/piqa_pick_correct_choice_with_choice_given_before_goal/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f2f69f28a7feb8126d2a74103c2a25ea3a3e7600
--- /dev/null
+++ b/data/piqa_pick_correct_choice_with_choice_given_before_goal/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 526,
+  "inputs_tokens": 152596,
+  "targets_max_tokens": 246,
+  "targets_tokens": 44638
+}
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/test.tfrecord-00000-of-00001 b/data/piqa_pick_correct_choice_with_choice_given_before_goal/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7b1496cf1883a272ccf597e6184de91c72c7b074
--- /dev/null
+++ b/data/piqa_pick_correct_choice_with_choice_given_before_goal/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:53bd7afc559bc671021288f6ecef66873b7909a7eefceda2c45b007fcfdaa589
+size 2924790
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/train.tfrecord-00000-of-00001 b/data/piqa_pick_correct_choice_with_choice_given_before_goal/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..98dcae8c3a59531bb577dc0d28636f80cc65b552
--- /dev/null
+++ b/data/piqa_pick_correct_choice_with_choice_given_before_goal/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:040adc44030e52cd62f5a95127807afdcf98c9dee559cf7d4afd8efe756a8d79
+size 15674090
diff --git a/data/piqa_pick_correct_choice_with_choice_given_before_goal/validation.tfrecord-00000-of-00001 b/data/piqa_pick_correct_choice_with_choice_given_before_goal/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..423bb2898b304e4e93c1aabc11e9ce465d17b552
--- /dev/null
+++ b/data/piqa_pick_correct_choice_with_choice_given_before_goal/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:be9005c28c1b93ae92ed486c24ba880ed0558d00d541c3b26eb38fa8b141dfe0
+size 1776079
diff --git a/data/piqa_what_is_the_correct_ending/COMPLETED b/data/piqa_what_is_the_correct_ending/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/piqa_what_is_the_correct_ending/info.test.json b/data/piqa_what_is_the_correct_ending/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_what_is_the_correct_ending/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_what_is_the_correct_ending/info.train.json b/data/piqa_what_is_the_correct_ending/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_what_is_the_correct_ending/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_what_is_the_correct_ending/info.validation.json b/data/piqa_what_is_the_correct_ending/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/piqa_what_is_the_correct_ending/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/piqa_what_is_the_correct_ending/stats.test.json b/data/piqa_what_is_the_correct_ending/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..3469e2334569d7dd18756060d285116996b2c204
--- /dev/null
+++ b/data/piqa_what_is_the_correct_ending/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3084,
+  "inputs_max_tokens": 642,
+  "inputs_tokens": 217898,
+  "targets_max_tokens": 312,
+  "targets_tokens": 72795
+}
diff --git a/data/piqa_what_is_the_correct_ending/stats.train.json b/data/piqa_what_is_the_correct_ending/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c393b53d4b350614aa2aadc0f887ef5f59bfc58f
--- /dev/null
+++ b/data/piqa_what_is_the_correct_ending/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 16113,
+  "inputs_max_tokens": 1044,
+  "inputs_tokens": 1167544,
+  "targets_max_tokens": 511,
+  "targets_tokens": 396364
+}
diff --git a/data/piqa_what_is_the_correct_ending/stats.validation.json b/data/piqa_what_is_the_correct_ending/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..02a9ae635e5f0a9f13532fa998fc0a4aa52d04b0
--- /dev/null
+++ b/data/piqa_what_is_the_correct_ending/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1838,
+  "inputs_max_tokens": 515,
+  "inputs_tokens": 132378,
+  "targets_max_tokens": 246,
+  "targets_tokens": 44638
+}
diff --git a/data/piqa_what_is_the_correct_ending/test.tfrecord-00000-of-00001 b/data/piqa_what_is_the_correct_ending/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e691fa684278f90647278777779fa42884c61328
--- /dev/null
+++ b/data/piqa_what_is_the_correct_ending/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:537933b03b1310366c6fd1374a21f8a52840e2707f00158514630345a1b0bb38
+size 2644796
diff --git a/data/piqa_what_is_the_correct_ending/train.tfrecord-00000-of-00001 b/data/piqa_what_is_the_correct_ending/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dafdc2b2b1f5c321890d6feb95ab54e14f747b67
--- /dev/null
+++ b/data/piqa_what_is_the_correct_ending/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4ad291d9ae7f8a4ef14e2f4c227891096265b83adbfdf330547ce0863b81a714
+size 14210735
diff --git a/data/piqa_what_is_the_correct_ending/validation.tfrecord-00000-of-00001 b/data/piqa_what_is_the_correct_ending/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c2d1d2c7e847b9a746f32fc52bf0371a0dcc83d3
--- /dev/null
+++ b/data/piqa_what_is_the_correct_ending/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9ad8409227deb15972d52418ccc249ef6900fd59432df03a528759b20d1164b5
+size 1609070
diff --git a/data/qasc_is_correct_1/COMPLETED b/data/qasc_is_correct_1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/qasc_is_correct_1/info.test.json b/data/qasc_is_correct_1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_is_correct_1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_is_correct_1/info.train.json b/data/qasc_is_correct_1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_is_correct_1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_is_correct_1/info.validation.json b/data/qasc_is_correct_1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_is_correct_1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_is_correct_1/stats.test.json b/data/qasc_is_correct_1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6adf9e27a7f13ac95c1ffae259cb540a5f1c0fd4
--- /dev/null
+++ b/data/qasc_is_correct_1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 920,
+  "inputs_max_tokens": 55,
+  "inputs_tokens": 31757,
+  "targets_max_tokens": 1,
+  "targets_tokens": 920
+}
diff --git a/data/qasc_is_correct_1/stats.train.json b/data/qasc_is_correct_1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..230f954bd5f91aa4e1b4e1e14fe05e4b08b66edb
--- /dev/null
+++ b/data/qasc_is_correct_1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8134,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 370709,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8134
+}
diff --git a/data/qasc_is_correct_1/stats.validation.json b/data/qasc_is_correct_1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..120793ebda578a6b8a3f76982c4239f46b16db9a
--- /dev/null
+++ b/data/qasc_is_correct_1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 926,
+  "inputs_max_tokens": 77,
+  "inputs_tokens": 42233,
+  "targets_max_tokens": 1,
+  "targets_tokens": 926
+}
diff --git a/data/qasc_is_correct_1/test.tfrecord-00000-of-00001 b/data/qasc_is_correct_1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fb9ef14c88e423dc696e0fce9ecfd38162fef4cf
--- /dev/null
+++ b/data/qasc_is_correct_1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:da471f2b288a66056503315aadf6e6e7554686760c7207400ebd572a5277f4e8
+size 309281
diff --git a/data/qasc_is_correct_1/train.tfrecord-00000-of-00001 b/data/qasc_is_correct_1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7ebb5797ff49257b56bd841a6aa4d2f77ec8ba9d
--- /dev/null
+++ b/data/qasc_is_correct_1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0749c7a7e906ec362c5e170447116a0c020b63ba6a76bd6f7909d6cf8dfdc9f2
+size 3351603
diff --git a/data/qasc_is_correct_1/validation.tfrecord-00000-of-00001 b/data/qasc_is_correct_1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7ec46ff90da9468dfdff829ea473866e72b74a78
--- /dev/null
+++ b/data/qasc_is_correct_1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:534c8173de965d3d822e4f4584c6e339a99efa8784120c8a190f4859e3d70e89
+size 380231
diff --git a/data/qasc_is_correct_2/COMPLETED b/data/qasc_is_correct_2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/qasc_is_correct_2/info.test.json b/data/qasc_is_correct_2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_is_correct_2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_is_correct_2/info.train.json b/data/qasc_is_correct_2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_is_correct_2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_is_correct_2/info.validation.json b/data/qasc_is_correct_2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_is_correct_2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_is_correct_2/stats.test.json b/data/qasc_is_correct_2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d7685c80faa880e3d6b243afe4076c59802c0e0
--- /dev/null
+++ b/data/qasc_is_correct_2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 920,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 28170,
+  "targets_max_tokens": 1,
+  "targets_tokens": 920
+}
diff --git a/data/qasc_is_correct_2/stats.train.json b/data/qasc_is_correct_2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..24a3fd193fc97de6437438052eb9a512823f4dc5
--- /dev/null
+++ b/data/qasc_is_correct_2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8134,
+  "inputs_max_tokens": 80,
+  "inputs_tokens": 336572,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8134
+}
diff --git a/data/qasc_is_correct_2/stats.validation.json b/data/qasc_is_correct_2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4aefc58eefd7f7b343974b515d3b8e618d713e6c
--- /dev/null
+++ b/data/qasc_is_correct_2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 926,
+  "inputs_max_tokens": 72,
+  "inputs_tokens": 38475,
+  "targets_max_tokens": 1,
+  "targets_tokens": 926
+}
diff --git a/data/qasc_is_correct_2/test.tfrecord-00000-of-00001 b/data/qasc_is_correct_2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..35a346d282005b465bd9f03a019e44265fc5a370
--- /dev/null
+++ b/data/qasc_is_correct_2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:73b4fcdfeb89b1dfb3e8badde4683d36211e6864fdedefc85534e5cdbcd42d73
+size 301721
diff --git a/data/qasc_is_correct_2/train.tfrecord-00000-of-00001 b/data/qasc_is_correct_2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eb0b6e54c7777cd00bcddf5ade0dd9fa39955b73
--- /dev/null
+++ b/data/qasc_is_correct_2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7f0fc985031e906d00db69df38803d4f093a29d6412c1e7b933921af16c0922d
+size 3281115
diff --git a/data/qasc_is_correct_2/validation.tfrecord-00000-of-00001 b/data/qasc_is_correct_2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..97b7dafdb5f9bccd08f46f1d99fe675b09e01160
--- /dev/null
+++ b/data/qasc_is_correct_2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8578c52669f72d196dc4337d86ca9328728342d4d60ce4786e415412084c3662
+size 372165
diff --git a/data/qasc_qa_with_combined_facts_1/COMPLETED b/data/qasc_qa_with_combined_facts_1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/qasc_qa_with_combined_facts_1/info.test.json b/data/qasc_qa_with_combined_facts_1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_combined_facts_1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_combined_facts_1/info.train.json b/data/qasc_qa_with_combined_facts_1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_combined_facts_1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_combined_facts_1/info.validation.json b/data/qasc_qa_with_combined_facts_1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_combined_facts_1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_combined_facts_1/stats.test.json b/data/qasc_qa_with_combined_facts_1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6a69023f1b437d5b059d22f49436a1cebd1809b3
--- /dev/null
+++ b/data/qasc_qa_with_combined_facts_1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 920,
+  "inputs_max_tokens": 96,
+  "inputs_tokens": 50185,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/qasc_qa_with_combined_facts_1/stats.train.json b/data/qasc_qa_with_combined_facts_1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..eedee5b1478add863f7f516b7d4a3d0be2c08957
--- /dev/null
+++ b/data/qasc_qa_with_combined_facts_1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8134,
+  "inputs_max_tokens": 169,
+  "inputs_tokens": 519887,
+  "targets_max_tokens": 16,
+  "targets_tokens": 21450
+}
diff --git a/data/qasc_qa_with_combined_facts_1/stats.validation.json b/data/qasc_qa_with_combined_facts_1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..fa4089b74a61fe1f83b26a058cfa68e8b6ac5a5d
--- /dev/null
+++ b/data/qasc_qa_with_combined_facts_1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 926,
+  "inputs_max_tokens": 102,
+  "inputs_tokens": 61095,
+  "targets_max_tokens": 11,
+  "targets_tokens": 2485
+}
diff --git a/data/qasc_qa_with_combined_facts_1/test.tfrecord-00000-of-00001 b/data/qasc_qa_with_combined_facts_1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..956b68afd30c3296a8fbcffa78dcd224d40e774b
--- /dev/null
+++ b/data/qasc_qa_with_combined_facts_1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ae4768fe6bed91103407245a37516f48ed90a214d7ef447068933ae2c7501ebd
+size 467399
diff --git a/data/qasc_qa_with_combined_facts_1/train.tfrecord-00000-of-00001 b/data/qasc_qa_with_combined_facts_1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b27718c8a901a3ea85d9b46b98674f98ea0d241a
--- /dev/null
+++ b/data/qasc_qa_with_combined_facts_1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:32868d97fb04322fdd3df3972ac0aa0b121c38b55443858ee80c1338825b0667
+size 4910873
diff --git a/data/qasc_qa_with_combined_facts_1/validation.tfrecord-00000-of-00001 b/data/qasc_qa_with_combined_facts_1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fe9c6b9c65487f077f4d509606b24a368c37ff0e
--- /dev/null
+++ b/data/qasc_qa_with_combined_facts_1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e3a5f2977c514b97b4883dd793a27e3cae727474413273c48f40d4062db7b798
+size 568108
diff --git a/data/qasc_qa_with_separated_facts_1/COMPLETED b/data/qasc_qa_with_separated_facts_1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/qasc_qa_with_separated_facts_1/info.test.json b/data/qasc_qa_with_separated_facts_1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_1/info.train.json b/data/qasc_qa_with_separated_facts_1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_1/info.validation.json b/data/qasc_qa_with_separated_facts_1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_1/stats.test.json b/data/qasc_qa_with_separated_facts_1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d40149198b9e15f9931d243a9d5d52e5f1699a27
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 920,
+  "inputs_max_tokens": 102,
+  "inputs_tokens": 55706,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/qasc_qa_with_separated_facts_1/stats.train.json b/data/qasc_qa_with_separated_facts_1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9482ab801f2c81ff1e19f2e6e554af1b88e5d80e
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8134,
+  "inputs_max_tokens": 187,
+  "inputs_tokens": 665631,
+  "targets_max_tokens": 16,
+  "targets_tokens": 21450
+}
diff --git a/data/qasc_qa_with_separated_facts_1/stats.validation.json b/data/qasc_qa_with_separated_facts_1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d3679d99865c57ce2594d99a6a0c39d2e5d124a
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 926,
+  "inputs_max_tokens": 126,
+  "inputs_tokens": 77367,
+  "targets_max_tokens": 11,
+  "targets_tokens": 2485
+}
diff --git a/data/qasc_qa_with_separated_facts_1/test.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..71ed815de1bd7026e045b4baf8cfbaa298d0a08c
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f34ccc6a2bd60340adc7359063beb8aded2c3c302494e8c685f7d75fa902b218
+size 500644
diff --git a/data/qasc_qa_with_separated_facts_1/train.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f9ec937a7f93fd95f3cb30ef2cd6bd59c8fd3ead
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:77880b8c921bc6754a8086b149a3c8e3391411a6931d25119872dbea261fdfa2
+size 5833974
diff --git a/data/qasc_qa_with_separated_facts_1/validation.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c8078155b394337b79703cb1ba978df942d6cf75
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:af30869942c359a73ba5e281aca1369bb314e43b2e09206f89efca2c61f9d6c2
+size 670455
diff --git a/data/qasc_qa_with_separated_facts_2/COMPLETED b/data/qasc_qa_with_separated_facts_2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/qasc_qa_with_separated_facts_2/info.test.json b/data/qasc_qa_with_separated_facts_2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_2/info.train.json b/data/qasc_qa_with_separated_facts_2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_2/info.validation.json b/data/qasc_qa_with_separated_facts_2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_2/stats.test.json b/data/qasc_qa_with_separated_facts_2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ca61a549d6078a5cf4686cd7884fec8a24e08ca
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 920,
+  "inputs_max_tokens": 114,
+  "inputs_tokens": 66961,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/qasc_qa_with_separated_facts_2/stats.train.json b/data/qasc_qa_with_separated_facts_2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a5c622ae556b409b2ab7e75f53a99825425312aa
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8134,
+  "inputs_max_tokens": 199,
+  "inputs_tokens": 767998,
+  "targets_max_tokens": 16,
+  "targets_tokens": 21450
+}
diff --git a/data/qasc_qa_with_separated_facts_2/stats.validation.json b/data/qasc_qa_with_separated_facts_2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b20a672ab665ae2f8d9497846c62ea9b597d7553
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 926,
+  "inputs_max_tokens": 137,
+  "inputs_tokens": 88858,
+  "targets_max_tokens": 11,
+  "targets_tokens": 2485
+}
diff --git a/data/qasc_qa_with_separated_facts_2/test.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8f1627c91aacd5be504118c57af8910f4ebfb5a5
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:79b06823af2166cae6d08a66a21826336ff131c5cf509e2e6d7318416459fb22
+size 560832
diff --git a/data/qasc_qa_with_separated_facts_2/train.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a7528c8b0c13944a3c04b5d0977aa19d9a9dc6c2
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5c2ffd3fed93bf018d0fd5d942d1db0f51d423a65f471bf73d36dde38afcaf76
+size 6380352
diff --git a/data/qasc_qa_with_separated_facts_2/validation.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6c80b73969c26db047bf4dd3588cd075b7c1d4a9
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bfe9930f01dea76e01ca29f3f3382c8858f2bcc11fddd63ba6b99edc4d134213
+size 732400
diff --git a/data/qasc_qa_with_separated_facts_3/COMPLETED b/data/qasc_qa_with_separated_facts_3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/qasc_qa_with_separated_facts_3/info.test.json b/data/qasc_qa_with_separated_facts_3/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_3/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_3/info.train.json b/data/qasc_qa_with_separated_facts_3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_3/info.validation.json b/data/qasc_qa_with_separated_facts_3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_3/stats.test.json b/data/qasc_qa_with_separated_facts_3/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..304add78c44883d8289ae7c71c6816dd65b7ce8a
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_3/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 920,
+  "inputs_max_tokens": 43,
+  "inputs_tokens": 24298,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/qasc_qa_with_separated_facts_3/stats.train.json b/data/qasc_qa_with_separated_facts_3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..109d42c8c4501a77f9630130124f7b6dffa6e6a0
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8134,
+  "inputs_max_tokens": 96,
+  "inputs_tokens": 402141,
+  "targets_max_tokens": 16,
+  "targets_tokens": 21450
+}
diff --git a/data/qasc_qa_with_separated_facts_3/stats.validation.json b/data/qasc_qa_with_separated_facts_3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e988177d19fbb5f59e4972493e62b0cf80ca3e49
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 926,
+  "inputs_max_tokens": 80,
+  "inputs_tokens": 45405,
+  "targets_max_tokens": 11,
+  "targets_tokens": 2485
+}
diff --git a/data/qasc_qa_with_separated_facts_3/test.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_3/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3f41b9b3f921bf73729fb071399bb388e53df713
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_3/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e7bd12fb60ebdc17700e1e3c51f447d1931abcd2ee56d85543d42fcdb214a486
+size 347738
diff --git a/data/qasc_qa_with_separated_facts_3/train.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4c1534aa9b9869c918b40124c9f34af08b5f314b
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cdff7dc34db5079dbe1ab9122a2fedaed2fc93f84ad02a5bb61461dcd82c5ce1
+size 4482675
diff --git a/data/qasc_qa_with_separated_facts_3/validation.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5544d58b41f75a8dece2fbe34c9db0c3b9af0b37
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e5f6f88abe9dd1aa8c7b96ed7d4926c7a3fb64dcad97200051db2d970aa64c29
+size 509745
diff --git a/data/qasc_qa_with_separated_facts_4/COMPLETED b/data/qasc_qa_with_separated_facts_4/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/qasc_qa_with_separated_facts_4/info.test.json b/data/qasc_qa_with_separated_facts_4/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_4/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_4/info.train.json b/data/qasc_qa_with_separated_facts_4/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_4/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_4/info.validation.json b/data/qasc_qa_with_separated_facts_4/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_4/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_4/stats.test.json b/data/qasc_qa_with_separated_facts_4/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..735a9bb047386b6771aad601290efe96c1146d4e
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_4/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 920,
+  "inputs_max_tokens": 113,
+  "inputs_tokens": 66041,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/qasc_qa_with_separated_facts_4/stats.train.json b/data/qasc_qa_with_separated_facts_4/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..138ab5505a25490e7de164fc29d6acd263b20603
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_4/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8134,
+  "inputs_max_tokens": 198,
+  "inputs_tokens": 762639,
+  "targets_max_tokens": 16,
+  "targets_tokens": 21450
+}
diff --git a/data/qasc_qa_with_separated_facts_4/stats.validation.json b/data/qasc_qa_with_separated_facts_4/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..515bf670769461b122b456c4fe457727ab3d9501
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_4/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 926,
+  "inputs_max_tokens": 139,
+  "inputs_tokens": 88684,
+  "targets_max_tokens": 11,
+  "targets_tokens": 2485
+}
diff --git a/data/qasc_qa_with_separated_facts_4/test.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_4/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cca99c6ce347f6eb6d7e3df6a9543ae9a6de25d2
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_4/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d123c2e2c8718f546ca4d60deeff22d2681865e161373cbe4c9cbb0236038b1e
+size 579157
diff --git a/data/qasc_qa_with_separated_facts_4/train.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_4/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0769859519b38ec028fbe0edf1792b3ce0625360
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_4/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:64fce40c8fca2d61af5b54eb4528e8624ced5c13cd3750e3c6dba2d21b903538
+size 6538378
diff --git a/data/qasc_qa_with_separated_facts_4/validation.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_4/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..20d37bacf69090c311347fd697561b8b328300cc
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_4/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8b59c8a616e1e1cf996a33cf70126cf56422fb7454877fde61f8c63c595d3db2
+size 750835
diff --git a/data/qasc_qa_with_separated_facts_5/COMPLETED b/data/qasc_qa_with_separated_facts_5/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/qasc_qa_with_separated_facts_5/info.test.json b/data/qasc_qa_with_separated_facts_5/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_5/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_5/info.train.json b/data/qasc_qa_with_separated_facts_5/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_5/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_5/info.validation.json b/data/qasc_qa_with_separated_facts_5/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_5/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/qasc_qa_with_separated_facts_5/stats.test.json b/data/qasc_qa_with_separated_facts_5/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8f8edfde391df366cb3bfd347243b07e34ed417f
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_5/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 920,
+  "inputs_max_tokens": 75,
+  "inputs_tokens": 53941,
+  "targets_max_tokens": 0,
+  "targets_tokens": 0
+}
diff --git a/data/qasc_qa_with_separated_facts_5/stats.train.json b/data/qasc_qa_with_separated_facts_5/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a2311405f6c14d7e0ad9cfb02cc22b8cd8b6490a
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_5/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8134,
+  "inputs_max_tokens": 128,
+  "inputs_tokens": 684221,
+  "targets_max_tokens": 16,
+  "targets_tokens": 21450
+}
diff --git a/data/qasc_qa_with_separated_facts_5/stats.validation.json b/data/qasc_qa_with_separated_facts_5/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c6e703a7e3c3015054f50ff1982dae9f0b60afbc
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_5/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 926,
+  "inputs_max_tokens": 114,
+  "inputs_tokens": 77708,
+  "targets_max_tokens": 11,
+  "targets_tokens": 2485
+}
diff --git a/data/qasc_qa_with_separated_facts_5/test.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_5/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0e38f277288602272af5e16122df7e83c0d87037
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_5/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:de4e22c447261f8d506c6a54415212a328b116176a87a191c39f7ad96a561f28
+size 517413
diff --git a/data/qasc_qa_with_separated_facts_5/train.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_5/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e220175b132268843574da206d619e8d14f90278
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_5/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dc577540c32700a950c8c0eddec68dc88650bd9803149b0616704ca26ac9357a
+size 5991920
diff --git a/data/qasc_qa_with_separated_facts_5/validation.tfrecord-00000-of-00001 b/data/qasc_qa_with_separated_facts_5/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9262ddd09e15073cd6ac629f73711c61a6edda9c
--- /dev/null
+++ b/data/qasc_qa_with_separated_facts_5/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6818d85b996fa04adb9809da8c084d6a2e0a92a408bc339f42e87ad3ef576ffe
+size 681616
diff --git a/data/quail_context_description_question_answer_id/COMPLETED b/data/quail_context_description_question_answer_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_context_description_question_answer_id/challenge.tfrecord-00000-of-00001 b/data/quail_context_description_question_answer_id/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5912fdb12d6d7414ca7aeea9fb9691b95a4f5749
--- /dev/null
+++ b/data/quail_context_description_question_answer_id/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c2778bfd050b6a9fad7de2a93838afbdd3326cd38bd7ff82ee836733f7215681
+size 1681834
diff --git a/data/quail_context_description_question_answer_id/info.challenge.json b/data/quail_context_description_question_answer_id/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_description_question_answer_id/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_description_question_answer_id/info.train.json b/data/quail_context_description_question_answer_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_description_question_answer_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_description_question_answer_id/info.validation.json b/data/quail_context_description_question_answer_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_description_question_answer_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_description_question_answer_id/stats.challenge.json b/data/quail_context_description_question_answer_id/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..d5d5bb8ed966258a416f3fd8c461b428e8e63abe
--- /dev/null
+++ b/data/quail_context_description_question_answer_id/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 692,
+  "inputs_tokens": 294178,
+  "targets_max_tokens": 1,
+  "targets_tokens": 556
+}
diff --git a/data/quail_context_description_question_answer_id/stats.train.json b/data/quail_context_description_question_answer_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..30031e986ee75e4b76d1edea124cc14918ab192f
--- /dev/null
+++ b/data/quail_context_description_question_answer_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 651,
+  "inputs_tokens": 5160994,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10246
+}
diff --git a/data/quail_context_description_question_answer_id/stats.validation.json b/data/quail_context_description_question_answer_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9015cfa4522dbb952781e0269aab5dd1f861b934
--- /dev/null
+++ b/data/quail_context_description_question_answer_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 651,
+  "inputs_tokens": 1098185,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2164
+}
diff --git a/data/quail_context_description_question_answer_id/train.tfrecord-00000-of-00001 b/data/quail_context_description_question_answer_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e00bfcd2488ecbc653141a4bf63f433d873cf3ed
--- /dev/null
+++ b/data/quail_context_description_question_answer_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dc8092ecdafade1ae970fd461930e3063470d88976800721b1d236026caea7eb
+size 31534042
diff --git a/data/quail_context_description_question_answer_id/validation.tfrecord-00000-of-00001 b/data/quail_context_description_question_answer_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d16194ed0ed823a97882c6e8edc0aea2bf87c747
--- /dev/null
+++ b/data/quail_context_description_question_answer_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b3197ec9d59b4d4df21a68b67b909cb24c15f9c4589da797a13e12c822b3cfd3
+size 6705948
diff --git a/data/quail_context_description_question_answer_text/COMPLETED b/data/quail_context_description_question_answer_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_context_description_question_answer_text/challenge.tfrecord-00000-of-00001 b/data/quail_context_description_question_answer_text/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ae9521fd602e4752e4f940adab13cb0f909e2943
--- /dev/null
+++ b/data/quail_context_description_question_answer_text/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b36473595d48e49d49172517ded89edf833ec7fa462e95a33cc2520bcb7ed4c8
+size 1738685
diff --git a/data/quail_context_description_question_answer_text/info.challenge.json b/data/quail_context_description_question_answer_text/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_description_question_answer_text/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_description_question_answer_text/info.train.json b/data/quail_context_description_question_answer_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_description_question_answer_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_description_question_answer_text/info.validation.json b/data/quail_context_description_question_answer_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_description_question_answer_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_description_question_answer_text/stats.challenge.json b/data/quail_context_description_question_answer_text/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..76cb3eba3aa0e1632cdc258841db41b6c3a4ba8e
--- /dev/null
+++ b/data/quail_context_description_question_answer_text/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 692,
+  "inputs_tokens": 294178,
+  "targets_max_tokens": 17,
+  "targets_tokens": 2890
+}
diff --git a/data/quail_context_description_question_answer_text/stats.train.json b/data/quail_context_description_question_answer_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b6914e579ffe48e7444c0b8dfe6a47d04496e352
--- /dev/null
+++ b/data/quail_context_description_question_answer_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 651,
+  "inputs_tokens": 5160994,
+  "targets_max_tokens": 44,
+  "targets_tokens": 60103
+}
diff --git a/data/quail_context_description_question_answer_text/stats.validation.json b/data/quail_context_description_question_answer_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4069f34444cfacff36e14219628bc1b2fde0c008
--- /dev/null
+++ b/data/quail_context_description_question_answer_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 651,
+  "inputs_tokens": 1098185,
+  "targets_max_tokens": 35,
+  "targets_tokens": 12753
+}
diff --git a/data/quail_context_description_question_answer_text/train.tfrecord-00000-of-00001 b/data/quail_context_description_question_answer_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..589c1ff0fef60ee28c93eed71bc7507c5023ca77
--- /dev/null
+++ b/data/quail_context_description_question_answer_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f9e3fcf9daadcd01048c95f1e0e51db59f9771118411e7ac0e03703ed3a467c7
+size 32707474
diff --git a/data/quail_context_description_question_answer_text/validation.tfrecord-00000-of-00001 b/data/quail_context_description_question_answer_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..762af9cbf8e45a8447a1dba3db869bc6d52420bd
--- /dev/null
+++ b/data/quail_context_description_question_answer_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a85656cae0fb72efe78aa02e5fea6c3fa803342c3eca3b0f2c339f4a2b68a1a7
+size 6955749
diff --git a/data/quail_context_description_question_text/COMPLETED b/data/quail_context_description_question_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_context_description_question_text/challenge.tfrecord-00000-of-00001 b/data/quail_context_description_question_text/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..689581286febf12117e83e101058c8a277fec708
--- /dev/null
+++ b/data/quail_context_description_question_text/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5e37f0c434365274367b2f973e5fc6838f06e0e104c91bb118cb8a2aea182d0d
+size 1625436
diff --git a/data/quail_context_description_question_text/info.challenge.json b/data/quail_context_description_question_text/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_description_question_text/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_description_question_text/info.train.json b/data/quail_context_description_question_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_description_question_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_description_question_text/info.validation.json b/data/quail_context_description_question_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_description_question_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_description_question_text/stats.challenge.json b/data/quail_context_description_question_text/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..316d1f5b9b4031953a0908675b834cc5909677a0
--- /dev/null
+++ b/data/quail_context_description_question_text/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 649,
+  "inputs_tokens": 273808,
+  "targets_max_tokens": 17,
+  "targets_tokens": 2890
+}
diff --git a/data/quail_context_description_question_text/stats.train.json b/data/quail_context_description_question_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..693da4284cf90b974dca10a29067f97b1b14911a
--- /dev/null
+++ b/data/quail_context_description_question_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 600,
+  "inputs_tokens": 4779424,
+  "targets_max_tokens": 44,
+  "targets_tokens": 60103
+}
diff --git a/data/quail_context_description_question_text/stats.validation.json b/data/quail_context_description_question_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..44a5f894360ade297c829867625e316087e1f4b8
--- /dev/null
+++ b/data/quail_context_description_question_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 590,
+  "inputs_tokens": 1017543,
+  "targets_max_tokens": 35,
+  "targets_tokens": 12753
+}
diff --git a/data/quail_context_description_question_text/train.tfrecord-00000-of-00001 b/data/quail_context_description_question_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4b001d5e2a299579d63cdaee7f76a663c0f7ffc0
--- /dev/null
+++ b/data/quail_context_description_question_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f046fa9e29d6546300445325cc4bc8c4c64390ccd5b018eb5d66cf7b6d974944
+size 30534475
diff --git a/data/quail_context_description_question_text/validation.tfrecord-00000-of-00001 b/data/quail_context_description_question_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e5cfb1775c92517731e7a863a95217776464001d
--- /dev/null
+++ b/data/quail_context_description_question_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:25ebda14cd73113b5f1ac793fe283d85469c3f57510a0b6654787cb6242905af
+size 6495365
diff --git a/data/quail_context_question_answer_description_id/COMPLETED b/data/quail_context_question_answer_description_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_context_question_answer_description_id/challenge.tfrecord-00000-of-00001 b/data/quail_context_question_answer_description_id/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..24c44e16b94b150d92b08900b8175b839fee959b
--- /dev/null
+++ b/data/quail_context_question_answer_description_id/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:982a33255aa1faaa5c747cb43ca70279ab48064f85a3b3c42fd741666d0e11a6
+size 1637910
diff --git a/data/quail_context_question_answer_description_id/info.challenge.json b/data/quail_context_question_answer_description_id/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_answer_description_id/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_answer_description_id/info.train.json b/data/quail_context_question_answer_description_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_answer_description_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_answer_description_id/info.validation.json b/data/quail_context_question_answer_description_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_answer_description_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_answer_description_id/stats.challenge.json b/data/quail_context_question_answer_description_id/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..a6b5abc764a9e2e9c8ce8fe4e86c7ab3c0080f0b
--- /dev/null
+++ b/data/quail_context_question_answer_description_id/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 683,
+  "inputs_tokens": 289174,
+  "targets_max_tokens": 1,
+  "targets_tokens": 556
+}
diff --git a/data/quail_context_question_answer_description_id/stats.train.json b/data/quail_context_question_answer_description_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..01ab841ad59eba3bf11409f8dfd1ea47e36e2770
--- /dev/null
+++ b/data/quail_context_question_answer_description_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 642,
+  "inputs_tokens": 5068780,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10246
+}
diff --git a/data/quail_context_question_answer_description_id/stats.validation.json b/data/quail_context_question_answer_description_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a93bc101976e5b268a60d4756b5fc36c2519f3b5
--- /dev/null
+++ b/data/quail_context_question_answer_description_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 642,
+  "inputs_tokens": 1078709,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2164
+}
diff --git a/data/quail_context_question_answer_description_id/train.tfrecord-00000-of-00001 b/data/quail_context_question_answer_description_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..82bb317bc588ac72e35db9c7c85c6a8907b96c8d
--- /dev/null
+++ b/data/quail_context_question_answer_description_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1607852a2cd67b8251d4980ed63cccb96c770d66b2676a056e30f88be38b8b45
+size 30724608
diff --git a/data/quail_context_question_answer_description_id/validation.tfrecord-00000-of-00001 b/data/quail_context_question_answer_description_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..02954f78a00a98df3e1bbab653cc898608f402d0
--- /dev/null
+++ b/data/quail_context_question_answer_description_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9f07d4e045cd65e677bca78ef48b195d563f95c1130ae74933607bd8e4fba7da
+size 6534992
diff --git a/data/quail_context_question_answer_description_text/COMPLETED b/data/quail_context_question_answer_description_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_context_question_answer_description_text/challenge.tfrecord-00000-of-00001 b/data/quail_context_question_answer_description_text/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d4f1cb642480a65da834cc839a2ab35e3e54bbb
--- /dev/null
+++ b/data/quail_context_question_answer_description_text/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:62bde63c62f6958d1b495c5c4ecc401caee59e367274d427ed091a87a6a15789
+size 1698097
diff --git a/data/quail_context_question_answer_description_text/info.challenge.json b/data/quail_context_question_answer_description_text/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_answer_description_text/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_answer_description_text/info.train.json b/data/quail_context_question_answer_description_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_answer_description_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_answer_description_text/info.validation.json b/data/quail_context_question_answer_description_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_answer_description_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_answer_description_text/stats.challenge.json b/data/quail_context_question_answer_description_text/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..1eb2dec0b95af544606609bc01a8a2c8955fc2f1
--- /dev/null
+++ b/data/quail_context_question_answer_description_text/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 683,
+  "inputs_tokens": 289174,
+  "targets_max_tokens": 17,
+  "targets_tokens": 2890
+}
diff --git a/data/quail_context_question_answer_description_text/stats.train.json b/data/quail_context_question_answer_description_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..59182ec50d024057ad574ef7d1d159bfbe2899cb
--- /dev/null
+++ b/data/quail_context_question_answer_description_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 642,
+  "inputs_tokens": 5068780,
+  "targets_max_tokens": 44,
+  "targets_tokens": 60103
+}
diff --git a/data/quail_context_question_answer_description_text/stats.validation.json b/data/quail_context_question_answer_description_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b1eaeb371b6216235242bf2dd6b56cec8a835123
--- /dev/null
+++ b/data/quail_context_question_answer_description_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 642,
+  "inputs_tokens": 1078709,
+  "targets_max_tokens": 35,
+  "targets_tokens": 12753
+}
diff --git a/data/quail_context_question_answer_description_text/train.tfrecord-00000-of-00001 b/data/quail_context_question_answer_description_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7a932c09a12dd3fcbdc42012365c9411e117fc57
--- /dev/null
+++ b/data/quail_context_question_answer_description_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b2aefa9b35361b84d9f80b240f12176ddc998b4405bbf0d5459f2e19557f9bc6
+size 31959516
diff --git a/data/quail_context_question_answer_description_text/validation.tfrecord-00000-of-00001 b/data/quail_context_question_answer_description_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..beea5652668892bf3d78793c10b73a7d541bacab
--- /dev/null
+++ b/data/quail_context_question_answer_description_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:975d017cf9202146f614b2f4c3bff3456d4b2b229eeea61a20161e8c4244fce1
+size 6797777
diff --git a/data/quail_context_question_description_answer_id/COMPLETED b/data/quail_context_question_description_answer_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_context_question_description_answer_id/challenge.tfrecord-00000-of-00001 b/data/quail_context_question_description_answer_id/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d893d40fde0e3b6fd8674125182a7b0caba4769e
--- /dev/null
+++ b/data/quail_context_question_description_answer_id/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f9a51acff76ae96dd5f85a9d28373cebbce8388f6c7b6a1a68abf3540c5aa00d
+size 1639022
diff --git a/data/quail_context_question_description_answer_id/info.challenge.json b/data/quail_context_question_description_answer_id/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_description_answer_id/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_description_answer_id/info.train.json b/data/quail_context_question_description_answer_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_description_answer_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_description_answer_id/info.validation.json b/data/quail_context_question_description_answer_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_description_answer_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_description_answer_id/stats.challenge.json b/data/quail_context_question_description_answer_id/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..354ddf17ad9068031a4f2d57c91d8219a49e4766
--- /dev/null
+++ b/data/quail_context_question_description_answer_id/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 681,
+  "inputs_tokens": 288062,
+  "targets_max_tokens": 1,
+  "targets_tokens": 556
+}
diff --git a/data/quail_context_question_description_answer_id/stats.train.json b/data/quail_context_question_description_answer_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..53b8ca76f419a33f05e040ca193061589485575f
--- /dev/null
+++ b/data/quail_context_question_description_answer_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 640,
+  "inputs_tokens": 5048288,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10246
+}
diff --git a/data/quail_context_question_description_answer_id/stats.validation.json b/data/quail_context_question_description_answer_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ce7f4d91f2c3428256f99aef29a059db2ebdb6ef
--- /dev/null
+++ b/data/quail_context_question_description_answer_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 640,
+  "inputs_tokens": 1074381,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2164
+}
diff --git a/data/quail_context_question_description_answer_id/train.tfrecord-00000-of-00001 b/data/quail_context_question_description_answer_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..355676f4e402c51fe6bafb790029d49fc0b67a01
--- /dev/null
+++ b/data/quail_context_question_description_answer_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6302e5a7b2ca3f850e9b4a08be77d59a23828baa360686e32d34dde4a0965f3e
+size 30745100
diff --git a/data/quail_context_question_description_answer_id/validation.tfrecord-00000-of-00001 b/data/quail_context_question_description_answer_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..294856b147997f8076fc70b7fd79724ff80c7ca4
--- /dev/null
+++ b/data/quail_context_question_description_answer_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:49883814810599908e098e2b82d3e10268402e5c9c14998bf8a7049a0b89d90d
+size 6539320
diff --git a/data/quail_context_question_description_answer_text/COMPLETED b/data/quail_context_question_description_answer_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_context_question_description_answer_text/challenge.tfrecord-00000-of-00001 b/data/quail_context_question_description_answer_text/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..829432dddef388036bc0b9dd99879cc76f93d64b
--- /dev/null
+++ b/data/quail_context_question_description_answer_text/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0cb53d8bf95ad1ab4a019a5a26d14d0bb0c70a131394daa1292cff4bad5f6126
+size 1695873
diff --git a/data/quail_context_question_description_answer_text/info.challenge.json b/data/quail_context_question_description_answer_text/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_description_answer_text/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_description_answer_text/info.train.json b/data/quail_context_question_description_answer_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_description_answer_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_description_answer_text/info.validation.json b/data/quail_context_question_description_answer_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_description_answer_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_description_answer_text/stats.challenge.json b/data/quail_context_question_description_answer_text/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..df04e1463ec55a0ee88f7d4feab916b891a41ad3
--- /dev/null
+++ b/data/quail_context_question_description_answer_text/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 681,
+  "inputs_tokens": 288062,
+  "targets_max_tokens": 17,
+  "targets_tokens": 2890
+}
diff --git a/data/quail_context_question_description_answer_text/stats.train.json b/data/quail_context_question_description_answer_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..19a9368eea671b322e2c7fb513a910c055f6be7a
--- /dev/null
+++ b/data/quail_context_question_description_answer_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 640,
+  "inputs_tokens": 5048288,
+  "targets_max_tokens": 44,
+  "targets_tokens": 60103
+}
diff --git a/data/quail_context_question_description_answer_text/stats.validation.json b/data/quail_context_question_description_answer_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..84452fa712416e47754840aed86eb69ca0e56fb2
--- /dev/null
+++ b/data/quail_context_question_description_answer_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 640,
+  "inputs_tokens": 1074381,
+  "targets_max_tokens": 35,
+  "targets_tokens": 12753
+}
diff --git a/data/quail_context_question_description_answer_text/train.tfrecord-00000-of-00001 b/data/quail_context_question_description_answer_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4b20626bf2b47638da99f0a650be4067184585ac
--- /dev/null
+++ b/data/quail_context_question_description_answer_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7a28c75391c94d16692a9d27aadaa9accb4195aee21eeef35b3008e5b9c0863a
+size 31918532
diff --git a/data/quail_context_question_description_answer_text/validation.tfrecord-00000-of-00001 b/data/quail_context_question_description_answer_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fef32cc0747ddbab8c53926a4e911d69e0b1465f
--- /dev/null
+++ b/data/quail_context_question_description_answer_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:af2e79fe9adadfd098659c20730058fdf875b0747e5f1a8366c2387971365474
+size 6789121
diff --git a/data/quail_context_question_description_text/COMPLETED b/data/quail_context_question_description_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_context_question_description_text/challenge.tfrecord-00000-of-00001 b/data/quail_context_question_description_text/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..437c0757c9083eea5d898792a02f8d00f9d97c33
--- /dev/null
+++ b/data/quail_context_question_description_text/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b74a2935a4f58b31b75de199939eaca0cdaa20032f1d0f8c186ef459410b2160
+size 1619320
diff --git a/data/quail_context_question_description_text/info.challenge.json b/data/quail_context_question_description_text/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_description_text/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_description_text/info.train.json b/data/quail_context_question_description_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_description_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_description_text/info.validation.json b/data/quail_context_question_description_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_context_question_description_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_context_question_description_text/stats.challenge.json b/data/quail_context_question_description_text/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..87e299234f7306d3129fad3458432a76433fa172
--- /dev/null
+++ b/data/quail_context_question_description_text/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 650,
+  "inputs_tokens": 274364,
+  "targets_max_tokens": 17,
+  "targets_tokens": 2890
+}
diff --git a/data/quail_context_question_description_text/stats.train.json b/data/quail_context_question_description_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1333fea00e7e7ab492072c209734c8dde11068a4
--- /dev/null
+++ b/data/quail_context_question_description_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 601,
+  "inputs_tokens": 4789670,
+  "targets_max_tokens": 44,
+  "targets_tokens": 60103
+}
diff --git a/data/quail_context_question_description_text/stats.validation.json b/data/quail_context_question_description_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..eb226069cea93568f98db2776152da8cadc2de98
--- /dev/null
+++ b/data/quail_context_question_description_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 591,
+  "inputs_tokens": 1019707,
+  "targets_max_tokens": 35,
+  "targets_tokens": 12753
+}
diff --git a/data/quail_context_question_description_text/train.tfrecord-00000-of-00001 b/data/quail_context_question_description_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fab1513d1af0a9a3c14636cf56e7e146ee5ede6e
--- /dev/null
+++ b/data/quail_context_question_description_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:81e41a04678bc3544fcda30062c58b6abb8a3759f00ab90c27c2aa7ca8f10c95
+size 30421769
diff --git a/data/quail_context_question_description_text/validation.tfrecord-00000-of-00001 b/data/quail_context_question_description_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..be1f033a59d9c762a6157d0a6eac5b0447a8cacf
--- /dev/null
+++ b/data/quail_context_question_description_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a2d149c811c9be40b1e036f925f52a9695c25dd2a3b7d879d467a82e44c0d243
+size 6471561
diff --git a/data/quail_description_context_question_answer_id/COMPLETED b/data/quail_description_context_question_answer_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_description_context_question_answer_id/challenge.tfrecord-00000-of-00001 b/data/quail_description_context_question_answer_id/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..30b9319e3baa8c772168c41b41111ea13689620a
--- /dev/null
+++ b/data/quail_description_context_question_answer_id/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6a6dcbbdc166241339029eba26013254f33c5daa30d378a141a02ffce4a3952e
+size 1681834
diff --git a/data/quail_description_context_question_answer_id/info.challenge.json b/data/quail_description_context_question_answer_id/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_description_context_question_answer_id/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_description_context_question_answer_id/info.train.json b/data/quail_description_context_question_answer_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_description_context_question_answer_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_description_context_question_answer_id/info.validation.json b/data/quail_description_context_question_answer_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_description_context_question_answer_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_description_context_question_answer_id/stats.challenge.json b/data/quail_description_context_question_answer_id/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..d0c97d5d29a2ac0a4dcc1f1a1dce85cd4a2aaead
--- /dev/null
+++ b/data/quail_description_context_question_answer_id/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 693,
+  "inputs_tokens": 294734,
+  "targets_max_tokens": 1,
+  "targets_tokens": 556
+}
diff --git a/data/quail_description_context_question_answer_id/stats.train.json b/data/quail_description_context_question_answer_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c256f9282761ea5c85493a080f92724ebc7f13bb
--- /dev/null
+++ b/data/quail_description_context_question_answer_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 652,
+  "inputs_tokens": 5171240,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10246
+}
diff --git a/data/quail_description_context_question_answer_id/stats.validation.json b/data/quail_description_context_question_answer_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ab9f77da0db05462ac23b6a353961b1d55bb7b8
--- /dev/null
+++ b/data/quail_description_context_question_answer_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 652,
+  "inputs_tokens": 1100349,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2164
+}
diff --git a/data/quail_description_context_question_answer_id/train.tfrecord-00000-of-00001 b/data/quail_description_context_question_answer_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4ab0b16a57a176b2ea6b91b7f2fbde3507ef327d
--- /dev/null
+++ b/data/quail_description_context_question_answer_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6e3eb4f466cf8b2b5ea618570288f6b4c47a8602f83de50d820e30b3b738917b
+size 31534042
diff --git a/data/quail_description_context_question_answer_id/validation.tfrecord-00000-of-00001 b/data/quail_description_context_question_answer_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fb9f0f223ea0df6d01ea570c4cfcfeb201307725
--- /dev/null
+++ b/data/quail_description_context_question_answer_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dd7b7ae4d74908da15ba7e56454a60017271ff9896b42c5ce297a02e3657a592
+size 6705948
diff --git a/data/quail_description_context_question_answer_text/COMPLETED b/data/quail_description_context_question_answer_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_description_context_question_answer_text/challenge.tfrecord-00000-of-00001 b/data/quail_description_context_question_answer_text/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5362f4bac8dedba4bd572f2a6272c32f3ec4f82c
--- /dev/null
+++ b/data/quail_description_context_question_answer_text/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f19eff8e2e2a2804566e5b4c96cf2a68480d835eff2a35b9c031d0252e260b0f
+size 1738685
diff --git a/data/quail_description_context_question_answer_text/info.challenge.json b/data/quail_description_context_question_answer_text/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_description_context_question_answer_text/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_description_context_question_answer_text/info.train.json b/data/quail_description_context_question_answer_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_description_context_question_answer_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_description_context_question_answer_text/info.validation.json b/data/quail_description_context_question_answer_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_description_context_question_answer_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_description_context_question_answer_text/stats.challenge.json b/data/quail_description_context_question_answer_text/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..335d77cd3a38b39bd8ea28538532d589e1c35464
--- /dev/null
+++ b/data/quail_description_context_question_answer_text/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 693,
+  "inputs_tokens": 294734,
+  "targets_max_tokens": 17,
+  "targets_tokens": 2890
+}
diff --git a/data/quail_description_context_question_answer_text/stats.train.json b/data/quail_description_context_question_answer_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..74fc3c42fc324fdc1b6c5dfaa0522d3bea5188fe
--- /dev/null
+++ b/data/quail_description_context_question_answer_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 652,
+  "inputs_tokens": 5171240,
+  "targets_max_tokens": 44,
+  "targets_tokens": 60103
+}
diff --git a/data/quail_description_context_question_answer_text/stats.validation.json b/data/quail_description_context_question_answer_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d57bdae614a1e5aacccfc39a50a63e5b8532ae72
--- /dev/null
+++ b/data/quail_description_context_question_answer_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 652,
+  "inputs_tokens": 1100349,
+  "targets_max_tokens": 35,
+  "targets_tokens": 12753
+}
diff --git a/data/quail_description_context_question_answer_text/train.tfrecord-00000-of-00001 b/data/quail_description_context_question_answer_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1174c84c12f57ee622dfaf052f889a9dbb1b1d91
--- /dev/null
+++ b/data/quail_description_context_question_answer_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:543f998e86aa6fdc8da0d57632c68cd82f257187d84f16ea5da323a6c0f3aee3
+size 32707474
diff --git a/data/quail_description_context_question_answer_text/validation.tfrecord-00000-of-00001 b/data/quail_description_context_question_answer_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b3c2f26f6619646edf21d2db310660fc58259c60
--- /dev/null
+++ b/data/quail_description_context_question_answer_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8ad6071d9e95258672896b702f6ffd9b034cb7f362405f0442b8ceaab97ba024
+size 6955749
diff --git a/data/quail_description_context_question_text/COMPLETED b/data/quail_description_context_question_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_description_context_question_text/challenge.tfrecord-00000-of-00001 b/data/quail_description_context_question_text/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7b01b013c1d82090e4ae7d87990e1f68678bdbd4
--- /dev/null
+++ b/data/quail_description_context_question_text/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:261c7b8ad04fdcbe6fa158241cbf54e9d56c7beb14e23deb884783797f101ea9
+size 1638780
diff --git a/data/quail_description_context_question_text/info.challenge.json b/data/quail_description_context_question_text/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_description_context_question_text/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_description_context_question_text/info.train.json b/data/quail_description_context_question_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_description_context_question_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_description_context_question_text/info.validation.json b/data/quail_description_context_question_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_description_context_question_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_description_context_question_text/stats.challenge.json b/data/quail_description_context_question_text/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..86d670b99941d7a0f887e556c1f4db99b0124d1b
--- /dev/null
+++ b/data/quail_description_context_question_text/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 654,
+  "inputs_tokens": 276588,
+  "targets_max_tokens": 17,
+  "targets_tokens": 2890
+}
diff --git a/data/quail_description_context_question_text/stats.train.json b/data/quail_description_context_question_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0dc281872c4a578a2a013d9a9675d60c15669548
--- /dev/null
+++ b/data/quail_description_context_question_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 605,
+  "inputs_tokens": 4830654,
+  "targets_max_tokens": 44,
+  "targets_tokens": 60103
+}
diff --git a/data/quail_description_context_question_text/stats.validation.json b/data/quail_description_context_question_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..03a4b6807768ed826026ec21c86a4bfe4be49fec
--- /dev/null
+++ b/data/quail_description_context_question_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 595,
+  "inputs_tokens": 1028363,
+  "targets_max_tokens": 35,
+  "targets_tokens": 12753
+}
diff --git a/data/quail_description_context_question_text/train.tfrecord-00000-of-00001 b/data/quail_description_context_question_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7d4102473c2f33e2731570064a11f4f348270295
--- /dev/null
+++ b/data/quail_description_context_question_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:51cb8c8f50bfd088baccce2de327bff91c201165f5baeff0733950197a1e800c
+size 30780379
diff --git a/data/quail_description_context_question_text/validation.tfrecord-00000-of-00001 b/data/quail_description_context_question_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7009ff9b37ff89c109e30a8720784b6c1f3d1129
--- /dev/null
+++ b/data/quail_description_context_question_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cff4d50f5cddc845a9fc2de6eda025296c10d9a9f584471b3333e9c09e54eab7
+size 6547301
diff --git a/data/quail_no_prompt_id/COMPLETED b/data/quail_no_prompt_id/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_no_prompt_id/challenge.tfrecord-00000-of-00001 b/data/quail_no_prompt_id/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..efc92539c8b1683945f53345904cb9e25df68f5b
--- /dev/null
+++ b/data/quail_no_prompt_id/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:041cc2dd185a81bfc47d694c08d0f0a0f09dbc800f0f0dc5f22bd62056f89c98
+size 1602326
diff --git a/data/quail_no_prompt_id/info.challenge.json b/data/quail_no_prompt_id/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_no_prompt_id/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_no_prompt_id/info.train.json b/data/quail_no_prompt_id/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_no_prompt_id/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_no_prompt_id/info.validation.json b/data/quail_no_prompt_id/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_no_prompt_id/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_no_prompt_id/stats.challenge.json b/data/quail_no_prompt_id/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..d95fd353e5f467137f85591ef0851444ee7c3e69
--- /dev/null
+++ b/data/quail_no_prompt_id/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 672,
+  "inputs_tokens": 283058,
+  "targets_max_tokens": 1,
+  "targets_tokens": 556
+}
diff --git a/data/quail_no_prompt_id/stats.train.json b/data/quail_no_prompt_id/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f64c9a1b9df2f612d9ba674fccc7a9101d4eabbf
--- /dev/null
+++ b/data/quail_no_prompt_id/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 631,
+  "inputs_tokens": 4956074,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10246
+}
diff --git a/data/quail_no_prompt_id/stats.validation.json b/data/quail_no_prompt_id/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..af6dbc2e8807b49e295c262ac01faa45ea890ac9
--- /dev/null
+++ b/data/quail_no_prompt_id/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 631,
+  "inputs_tokens": 1054905,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2164
+}
diff --git a/data/quail_no_prompt_id/train.tfrecord-00000-of-00001 b/data/quail_no_prompt_id/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5454de4329a6bfaccb9ab04dbe894dc20d4f20a5
--- /dev/null
+++ b/data/quail_no_prompt_id/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:877156ccb5b7a223d7d25f81d94db73d3a270fdd6f2d9f16161828fc0b9a6d75
+size 30068864
diff --git a/data/quail_no_prompt_id/validation.tfrecord-00000-of-00001 b/data/quail_no_prompt_id/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0937d2d605c0ee0f3445d8b54d57adcfacb3ce75
--- /dev/null
+++ b/data/quail_no_prompt_id/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6c1aa78daae077bd6409d7516005262932756dd60e1e0463ffa44fff699375a4
+size 6396496
diff --git a/data/quail_no_prompt_text/COMPLETED b/data/quail_no_prompt_text/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quail_no_prompt_text/challenge.tfrecord-00000-of-00001 b/data/quail_no_prompt_text/challenge.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c987003d70ce0a344005948cf7922df1506e4887
--- /dev/null
+++ b/data/quail_no_prompt_text/challenge.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6fffec1c2d06b8bd6d7bf6c3317c558b650b389fefdb35d5085f06ea500b2c68
+size 1659177
diff --git a/data/quail_no_prompt_text/info.challenge.json b/data/quail_no_prompt_text/info.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_no_prompt_text/info.challenge.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_no_prompt_text/info.train.json b/data/quail_no_prompt_text/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_no_prompt_text/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_no_prompt_text/info.validation.json b/data/quail_no_prompt_text/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quail_no_prompt_text/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quail_no_prompt_text/stats.challenge.json b/data/quail_no_prompt_text/stats.challenge.json
new file mode 100644
index 0000000000000000000000000000000000000000..b31c185527d7d1f09504655c274461ce9cdd0cf4
--- /dev/null
+++ b/data/quail_no_prompt_text/stats.challenge.json
@@ -0,0 +1,7 @@
+{
+  "examples": 556,
+  "inputs_max_tokens": 672,
+  "inputs_tokens": 283058,
+  "targets_max_tokens": 17,
+  "targets_tokens": 2890
+}
diff --git a/data/quail_no_prompt_text/stats.train.json b/data/quail_no_prompt_text/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4c1e3e49faaf80d5d924d3b095d0315ce4747d43
--- /dev/null
+++ b/data/quail_no_prompt_text/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10246,
+  "inputs_max_tokens": 631,
+  "inputs_tokens": 4956074,
+  "targets_max_tokens": 44,
+  "targets_tokens": 60103
+}
diff --git a/data/quail_no_prompt_text/stats.validation.json b/data/quail_no_prompt_text/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..42b7e0d5e771936391fe9c8d10fe2995b02f60fa
--- /dev/null
+++ b/data/quail_no_prompt_text/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2164,
+  "inputs_max_tokens": 631,
+  "inputs_tokens": 1054905,
+  "targets_max_tokens": 35,
+  "targets_tokens": 12753
+}
diff --git a/data/quail_no_prompt_text/train.tfrecord-00000-of-00001 b/data/quail_no_prompt_text/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..502661c62b15fa0942082b10f01c046fffa3b670
--- /dev/null
+++ b/data/quail_no_prompt_text/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f8417117799a0a49dd408143745aecb29faa58df3f58b0c677f478fd9d411e9b
+size 31242296
diff --git a/data/quail_no_prompt_text/validation.tfrecord-00000-of-00001 b/data/quail_no_prompt_text/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dbb101f3b915d92cb5d6e3a3480ebf9a8a67a6c4
--- /dev/null
+++ b/data/quail_no_prompt_text/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cd5bb39408f66b6cc20e86c3df73be5e6e48c341dcf587a4cd51f6c994f9e74c
+size 6646297
diff --git a/data/quarel_choose_between/COMPLETED b/data/quarel_choose_between/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quarel_choose_between/info.test.json b/data/quarel_choose_between/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_choose_between/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_choose_between/info.train.json b/data/quarel_choose_between/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_choose_between/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_choose_between/info.validation.json b/data/quarel_choose_between/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_choose_between/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_choose_between/stats.test.json b/data/quarel_choose_between/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0146bfa26dd74005eb00d56077eac4f4267c8557
--- /dev/null
+++ b/data/quarel_choose_between/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 552,
+  "inputs_max_tokens": 146,
+  "inputs_tokens": 35855,
+  "targets_max_tokens": 9,
+  "targets_tokens": 1262
+}
diff --git a/data/quarel_choose_between/stats.train.json b/data/quarel_choose_between/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..be82c3ed5e87c13930cafaa0fea7505b1ee8fb00
--- /dev/null
+++ b/data/quarel_choose_between/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1941,
+  "inputs_max_tokens": 183,
+  "inputs_tokens": 124426,
+  "targets_max_tokens": 10,
+  "targets_tokens": 4330
+}
diff --git a/data/quarel_choose_between/stats.validation.json b/data/quarel_choose_between/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..57ea6395f8ecee2bba08d198e5ae4038d8f0bdb1
--- /dev/null
+++ b/data/quarel_choose_between/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 278,
+  "inputs_max_tokens": 134,
+  "inputs_tokens": 18054,
+  "targets_max_tokens": 8,
+  "targets_tokens": 627
+}
diff --git a/data/quarel_choose_between/test.tfrecord-00000-of-00001 b/data/quarel_choose_between/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..506a10b745215e2771627ca44a70bdec5df173a4
--- /dev/null
+++ b/data/quarel_choose_between/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6ee140a997063bec87fd0f521c6a710a374ecb0c777878f915f41f0aea714f89
+size 292928
diff --git a/data/quarel_choose_between/train.tfrecord-00000-of-00001 b/data/quarel_choose_between/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d3eba20550b881743b7f9ce028c2b57cc31bc2ef
--- /dev/null
+++ b/data/quarel_choose_between/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:02d33f59314db3cef0a09dc87f2b4ababf1b5c9d9c28fa9163d16586507e7135
+size 1023114
diff --git a/data/quarel_choose_between/validation.tfrecord-00000-of-00001 b/data/quarel_choose_between/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f742e08b92fc7e1c3cf945f0386a2acb77e42e83
--- /dev/null
+++ b/data/quarel_choose_between/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8a198a5588a0c56f68bbc2d1adbe9bcc9f97142772abddd876987acdd02e6ca4
+size 147658
diff --git a/data/quarel_do_not_use/COMPLETED b/data/quarel_do_not_use/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quarel_do_not_use/info.test.json b/data/quarel_do_not_use/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_do_not_use/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_do_not_use/info.train.json b/data/quarel_do_not_use/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_do_not_use/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_do_not_use/info.validation.json b/data/quarel_do_not_use/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_do_not_use/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_do_not_use/stats.test.json b/data/quarel_do_not_use/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4044c75133d4e14b67fc8e44e6151dc58bfbefec
--- /dev/null
+++ b/data/quarel_do_not_use/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 552,
+  "inputs_max_tokens": 159,
+  "inputs_tokens": 43031,
+  "targets_max_tokens": 9,
+  "targets_tokens": 1262
+}
diff --git a/data/quarel_do_not_use/stats.train.json b/data/quarel_do_not_use/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4a510b62a04fcee63bf9f156c0efe7132101865e
--- /dev/null
+++ b/data/quarel_do_not_use/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1941,
+  "inputs_max_tokens": 196,
+  "inputs_tokens": 149659,
+  "targets_max_tokens": 10,
+  "targets_tokens": 4330
+}
diff --git a/data/quarel_do_not_use/stats.validation.json b/data/quarel_do_not_use/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ff524c15544b3426856297573e7e0719b195c0a4
--- /dev/null
+++ b/data/quarel_do_not_use/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 278,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 21668,
+  "targets_max_tokens": 8,
+  "targets_tokens": 627
+}
diff --git a/data/quarel_do_not_use/test.tfrecord-00000-of-00001 b/data/quarel_do_not_use/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1825a5fe611f295ae61532fa036f53bfe81579c8
--- /dev/null
+++ b/data/quarel_do_not_use/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5fde73c95891eea122e59b7e9f6e146edd6c2c15c1fcb4a28a309fe41a37bb84
+size 334738
diff --git a/data/quarel_do_not_use/train.tfrecord-00000-of-00001 b/data/quarel_do_not_use/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..304de3e23c9d22346eb640307538efe20dfda135
--- /dev/null
+++ b/data/quarel_do_not_use/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0451359d6f0c190bcf4b41fd36a385cb8e6a2a155f0056419c040e02d51c4271
+size 1170212
diff --git a/data/quarel_do_not_use/validation.tfrecord-00000-of-00001 b/data/quarel_do_not_use/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5d5beec8af804f4c7db09e1955de0b8aa6a21425
--- /dev/null
+++ b/data/quarel_do_not_use/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:84eeb827b167168c91c76dd1b38a7d1268de8a7eab077bc884052db1fa001241
+size 168705
diff --git a/data/quarel_heres_a_story/COMPLETED b/data/quarel_heres_a_story/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quarel_heres_a_story/info.test.json b/data/quarel_heres_a_story/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_heres_a_story/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_heres_a_story/info.train.json b/data/quarel_heres_a_story/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_heres_a_story/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_heres_a_story/info.validation.json b/data/quarel_heres_a_story/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_heres_a_story/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_heres_a_story/stats.test.json b/data/quarel_heres_a_story/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6df9906b0f339c726912db5d67dc469d702d01b5
--- /dev/null
+++ b/data/quarel_heres_a_story/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 552,
+  "inputs_max_tokens": 160,
+  "inputs_tokens": 43580,
+  "targets_max_tokens": 9,
+  "targets_tokens": 1262
+}
diff --git a/data/quarel_heres_a_story/stats.train.json b/data/quarel_heres_a_story/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8959619c4e3d0a4671453ec3301b8d68ef0d70ef
--- /dev/null
+++ b/data/quarel_heres_a_story/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1941,
+  "inputs_max_tokens": 197,
+  "inputs_tokens": 151598,
+  "targets_max_tokens": 10,
+  "targets_tokens": 4330
+}
diff --git a/data/quarel_heres_a_story/stats.validation.json b/data/quarel_heres_a_story/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ee4766e2d5157b428cf7dc885295bbff1a25a10f
--- /dev/null
+++ b/data/quarel_heres_a_story/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 278,
+  "inputs_max_tokens": 148,
+  "inputs_tokens": 21944,
+  "targets_max_tokens": 8,
+  "targets_tokens": 627
+}
diff --git a/data/quarel_heres_a_story/test.tfrecord-00000-of-00001 b/data/quarel_heres_a_story/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5735c14f29a7fb04e2abc43c9706ed9e6f0929b8
--- /dev/null
+++ b/data/quarel_heres_a_story/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4187731b70436592d701f884c65027d761220b1c89e3dd7fe7cb235e48ef8f87
+size 325906
diff --git a/data/quarel_heres_a_story/train.tfrecord-00000-of-00001 b/data/quarel_heres_a_story/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..614c2123b8569372be5ca3622b56c7ae52a2d23a
--- /dev/null
+++ b/data/quarel_heres_a_story/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:31776743e30b6580e1bcd7d5863ade152d597e6fd1660948b4601435a6cacb9b
+size 1139154
diff --git a/data/quarel_heres_a_story/validation.tfrecord-00000-of-00001 b/data/quarel_heres_a_story/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e4bafb6015a863c237efe3df986a0c439e0d3872
--- /dev/null
+++ b/data/quarel_heres_a_story/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ebacfbb56d41ef230975066fe66cd85643aeab657e592e7310d89a9311bf6ad1
+size 164257
diff --git a/data/quarel_logic_test/COMPLETED b/data/quarel_logic_test/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quarel_logic_test/info.test.json b/data/quarel_logic_test/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_logic_test/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_logic_test/info.train.json b/data/quarel_logic_test/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_logic_test/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_logic_test/info.validation.json b/data/quarel_logic_test/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_logic_test/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_logic_test/stats.test.json b/data/quarel_logic_test/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d1fa9c73d7ea8d53073ae189b8d712892d9e390
--- /dev/null
+++ b/data/quarel_logic_test/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 552,
+  "inputs_max_tokens": 154,
+  "inputs_tokens": 40271,
+  "targets_max_tokens": 9,
+  "targets_tokens": 1262
+}
diff --git a/data/quarel_logic_test/stats.train.json b/data/quarel_logic_test/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a013170a670dd2d7e01bd2e0996edc060f2dfee2
--- /dev/null
+++ b/data/quarel_logic_test/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1941,
+  "inputs_max_tokens": 191,
+  "inputs_tokens": 139954,
+  "targets_max_tokens": 10,
+  "targets_tokens": 4330
+}
diff --git a/data/quarel_logic_test/stats.validation.json b/data/quarel_logic_test/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1970ec9c57eeba8fecd47ed165dc36d0286371b1
--- /dev/null
+++ b/data/quarel_logic_test/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 278,
+  "inputs_max_tokens": 142,
+  "inputs_tokens": 20278,
+  "targets_max_tokens": 8,
+  "targets_tokens": 627
+}
diff --git a/data/quarel_logic_test/test.tfrecord-00000-of-00001 b/data/quarel_logic_test/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b4c9afd8a7d727e10781ccb90602a55a2672013f
--- /dev/null
+++ b/data/quarel_logic_test/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:20822c2d1234e9b19fc66f9972c0f9198960bcca687d709d93523c997233077e
+size 311359
diff --git a/data/quarel_logic_test/train.tfrecord-00000-of-00001 b/data/quarel_logic_test/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e0b7505c5fc451ad6f5ee148467f7ec93d962f8b
--- /dev/null
+++ b/data/quarel_logic_test/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:141c2f2518a1b25449c4e5b2492592aa82026f97ac48aa798381a188244173d2
+size 1087933
diff --git a/data/quarel_logic_test/validation.tfrecord-00000-of-00001 b/data/quarel_logic_test/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e6976d06b450b85419cb227f5eea54e1913056e1
--- /dev/null
+++ b/data/quarel_logic_test/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a5c81fbe44d705847681bc55023330239d1308c5644fa28cbfb6ea74615b8067
+size 156941
diff --git a/data/quarel_testing_students/COMPLETED b/data/quarel_testing_students/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quarel_testing_students/info.test.json b/data/quarel_testing_students/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_testing_students/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_testing_students/info.train.json b/data/quarel_testing_students/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_testing_students/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_testing_students/info.validation.json b/data/quarel_testing_students/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quarel_testing_students/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quarel_testing_students/stats.test.json b/data/quarel_testing_students/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5b858fd95e814b43038dcd77dbf7541cb5108180
--- /dev/null
+++ b/data/quarel_testing_students/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 552,
+  "inputs_max_tokens": 163,
+  "inputs_tokens": 45236,
+  "targets_max_tokens": 9,
+  "targets_tokens": 1262
+}
diff --git a/data/quarel_testing_students/stats.train.json b/data/quarel_testing_students/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fb372b38ebcc889280bf8482cb3b5be690dccbb7
--- /dev/null
+++ b/data/quarel_testing_students/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1941,
+  "inputs_max_tokens": 200,
+  "inputs_tokens": 157423,
+  "targets_max_tokens": 10,
+  "targets_tokens": 4330
+}
diff --git a/data/quarel_testing_students/stats.validation.json b/data/quarel_testing_students/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..88ee0ba073d67bc4af8089a4163c670d1dd71155
--- /dev/null
+++ b/data/quarel_testing_students/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 278,
+  "inputs_max_tokens": 151,
+  "inputs_tokens": 22778,
+  "targets_max_tokens": 8,
+  "targets_tokens": 627
+}
diff --git a/data/quarel_testing_students/test.tfrecord-00000-of-00001 b/data/quarel_testing_students/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0f74cf29d4fd4c452a4d1997e87b429d7abb0b41
--- /dev/null
+++ b/data/quarel_testing_students/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:11b517371517ac97a32c350a9ef4176ceb6897f88d54b2d5e74adaf7385f0b15
+size 343208
diff --git a/data/quarel_testing_students/train.tfrecord-00000-of-00001 b/data/quarel_testing_students/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e9c1cda7bd5408d6b7b71267484130ed4556f096
--- /dev/null
+++ b/data/quarel_testing_students/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6d5bc30a6c67d43e061f867422d7008ae03c294d595d0d23f104606ac0b68743
+size 1200003
diff --git a/data/quarel_testing_students/validation.tfrecord-00000-of-00001 b/data/quarel_testing_students/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..862a1387c605216eafdc73819c8b6e0747ba22ca
--- /dev/null
+++ b/data/quarel_testing_students/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3d0396203956ac3eeddab67f8f5524ed076142ff6fb45b9a27bbd1b39679033b
+size 172977
diff --git a/data/quartz_answer_question_based_on/COMPLETED b/data/quartz_answer_question_based_on/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quartz_answer_question_based_on/info.test.json b/data/quartz_answer_question_based_on/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_answer_question_based_on/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_answer_question_based_on/info.train.json b/data/quartz_answer_question_based_on/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_answer_question_based_on/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_answer_question_based_on/info.validation.json b/data/quartz_answer_question_based_on/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_answer_question_based_on/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_answer_question_based_on/stats.test.json b/data/quartz_answer_question_based_on/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..663390b6d219517c6656add33e7cd67d2cd64455
--- /dev/null
+++ b/data/quartz_answer_question_based_on/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 784,
+  "inputs_max_tokens": 120,
+  "inputs_tokens": 51211,
+  "targets_max_tokens": 11,
+  "targets_tokens": 1344
+}
diff --git a/data/quartz_answer_question_based_on/stats.train.json b/data/quartz_answer_question_based_on/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6c85d04a627fe0a0174be6159b31f045f7decb17
--- /dev/null
+++ b/data/quartz_answer_question_based_on/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2696,
+  "inputs_max_tokens": 156,
+  "inputs_tokens": 174692,
+  "targets_max_tokens": 19,
+  "targets_tokens": 4609
+}
diff --git a/data/quartz_answer_question_based_on/stats.validation.json b/data/quartz_answer_question_based_on/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1429f44754e2f7c6ff8e8a1312262e6093af4d49
--- /dev/null
+++ b/data/quartz_answer_question_based_on/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 384,
+  "inputs_max_tokens": 126,
+  "inputs_tokens": 25719,
+  "targets_max_tokens": 12,
+  "targets_tokens": 713
+}
diff --git a/data/quartz_answer_question_based_on/test.tfrecord-00000-of-00001 b/data/quartz_answer_question_based_on/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..27510324281cea442249deb0d39b9f9f5de7fdc9
--- /dev/null
+++ b/data/quartz_answer_question_based_on/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b95b053fd24a0312ce23a318303a446071350b6d562f3364034ae5bcf70a320d
+size 451007
diff --git a/data/quartz_answer_question_based_on/train.tfrecord-00000-of-00001 b/data/quartz_answer_question_based_on/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8ce760e624046148561bc24b90406b6e49110ad1
--- /dev/null
+++ b/data/quartz_answer_question_based_on/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3e2a473e3bafe3692a87748115efa25ae471117fedad61d80ff2cf97206b5c4e
+size 1540226
diff --git a/data/quartz_answer_question_based_on/validation.tfrecord-00000-of-00001 b/data/quartz_answer_question_based_on/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a8ea80a9d876b3aed0212d31ba99c5e017d2d253
--- /dev/null
+++ b/data/quartz_answer_question_based_on/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8ac3bbc398d1855f704a3c67850ab70f3febaf005f664ea2815ae091a503fc41
+size 225040
diff --git a/data/quartz_answer_question_below/COMPLETED b/data/quartz_answer_question_below/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quartz_answer_question_below/info.test.json b/data/quartz_answer_question_below/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_answer_question_below/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_answer_question_below/info.train.json b/data/quartz_answer_question_below/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_answer_question_below/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_answer_question_below/info.validation.json b/data/quartz_answer_question_below/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_answer_question_below/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_answer_question_below/stats.test.json b/data/quartz_answer_question_below/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d882e53b078ec6222e3fb6855fdbf9703307c3d8
--- /dev/null
+++ b/data/quartz_answer_question_below/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 784,
+  "inputs_max_tokens": 116,
+  "inputs_tokens": 48075,
+  "targets_max_tokens": 11,
+  "targets_tokens": 1344
+}
diff --git a/data/quartz_answer_question_below/stats.train.json b/data/quartz_answer_question_below/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d2ef3cc7d1066832eb8aee0575ce525a8e434840
--- /dev/null
+++ b/data/quartz_answer_question_below/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2696,
+  "inputs_max_tokens": 152,
+  "inputs_tokens": 163908,
+  "targets_max_tokens": 19,
+  "targets_tokens": 4609
+}
diff --git a/data/quartz_answer_question_below/stats.validation.json b/data/quartz_answer_question_below/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7a0eb58be5aa3bed6d502da28853c907333711db
--- /dev/null
+++ b/data/quartz_answer_question_below/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 384,
+  "inputs_max_tokens": 122,
+  "inputs_tokens": 24183,
+  "targets_max_tokens": 12,
+  "targets_tokens": 713
+}
diff --git a/data/quartz_answer_question_below/test.tfrecord-00000-of-00001 b/data/quartz_answer_question_below/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7c3950d9c3775dedd9d0cefb093be8bdfebfc30a
--- /dev/null
+++ b/data/quartz_answer_question_below/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e1895a52d566a81443d01f2fdf2b5dd47c92d1b4264b2ce79da7d87c5c8cf5b3
+size 427386
diff --git a/data/quartz_answer_question_below/train.tfrecord-00000-of-00001 b/data/quartz_answer_question_below/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a2ccc29d219a8711f0508b94bad48ef7e8aab535
--- /dev/null
+++ b/data/quartz_answer_question_below/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ec13b232bcd48c9e7e59faac9a256b33eb0138bb83b840dacafc3a380adc5831
+size 1458951
diff --git a/data/quartz_answer_question_below/validation.tfrecord-00000-of-00001 b/data/quartz_answer_question_below/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..055a591f235d86fe360e9e5acd1a19b49e2cdd81
--- /dev/null
+++ b/data/quartz_answer_question_below/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:56a4e26bfa9bafcd8e821eedf6ccb9afb14ac3548ce0471be6f09f3aeba60df1
+size 213466
diff --git a/data/quartz_given_the_fact_answer_the_q/COMPLETED b/data/quartz_given_the_fact_answer_the_q/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quartz_given_the_fact_answer_the_q/info.test.json b/data/quartz_given_the_fact_answer_the_q/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_given_the_fact_answer_the_q/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_given_the_fact_answer_the_q/info.train.json b/data/quartz_given_the_fact_answer_the_q/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_given_the_fact_answer_the_q/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_given_the_fact_answer_the_q/info.validation.json b/data/quartz_given_the_fact_answer_the_q/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_given_the_fact_answer_the_q/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_given_the_fact_answer_the_q/stats.test.json b/data/quartz_given_the_fact_answer_the_q/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..afa14bbd8c1ca97f046a49f4998238c4539be4bf
--- /dev/null
+++ b/data/quartz_given_the_fact_answer_the_q/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 784,
+  "inputs_max_tokens": 115,
+  "inputs_tokens": 47291,
+  "targets_max_tokens": 11,
+  "targets_tokens": 1344
+}
diff --git a/data/quartz_given_the_fact_answer_the_q/stats.train.json b/data/quartz_given_the_fact_answer_the_q/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a128178d2ad3f89b60a6c329db964a046612cb6e
--- /dev/null
+++ b/data/quartz_given_the_fact_answer_the_q/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2696,
+  "inputs_max_tokens": 151,
+  "inputs_tokens": 161212,
+  "targets_max_tokens": 19,
+  "targets_tokens": 4609
+}
diff --git a/data/quartz_given_the_fact_answer_the_q/stats.validation.json b/data/quartz_given_the_fact_answer_the_q/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3afa557dd3650bbb5b4689c4592a22f58e310c86
--- /dev/null
+++ b/data/quartz_given_the_fact_answer_the_q/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 384,
+  "inputs_max_tokens": 121,
+  "inputs_tokens": 23799,
+  "targets_max_tokens": 12,
+  "targets_tokens": 713
+}
diff --git a/data/quartz_given_the_fact_answer_the_q/test.tfrecord-00000-of-00001 b/data/quartz_given_the_fact_answer_the_q/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b34e3f9f86d3cc074cf900f4620a9711548f1074
--- /dev/null
+++ b/data/quartz_given_the_fact_answer_the_q/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bed1ce7729b7ef8677e869f4965f9eb8488d4fd266396b4209235a058e1d6649
+size 426568
diff --git a/data/quartz_given_the_fact_answer_the_q/train.tfrecord-00000-of-00001 b/data/quartz_given_the_fact_answer_the_q/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e64ce8a11f09bdba9e8efa71ab275bc05c4facaa
--- /dev/null
+++ b/data/quartz_given_the_fact_answer_the_q/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:209848e2033fcd0d78926a1cc0e51fe06d6ec336fcea96c3481a4ca40c3e487b
+size 1456146
diff --git a/data/quartz_given_the_fact_answer_the_q/validation.tfrecord-00000-of-00001 b/data/quartz_given_the_fact_answer_the_q/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0ceb12fab4486321c1a497ba100c3d0a257a56c7
--- /dev/null
+++ b/data/quartz_given_the_fact_answer_the_q/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:30b2ff6d269fa906d1fe3169eb053b215782bd5d2d8182ac90539b4f81cb11cd
+size 213063
diff --git a/data/quartz_having_read_above_passage/COMPLETED b/data/quartz_having_read_above_passage/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quartz_having_read_above_passage/info.test.json b/data/quartz_having_read_above_passage/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_having_read_above_passage/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_having_read_above_passage/info.train.json b/data/quartz_having_read_above_passage/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_having_read_above_passage/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_having_read_above_passage/info.validation.json b/data/quartz_having_read_above_passage/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_having_read_above_passage/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_having_read_above_passage/stats.test.json b/data/quartz_having_read_above_passage/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..09881c30d503b0afc6bb67896b68c7e37ec26645
--- /dev/null
+++ b/data/quartz_having_read_above_passage/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 784,
+  "inputs_max_tokens": 134,
+  "inputs_tokens": 61739,
+  "targets_max_tokens": 11,
+  "targets_tokens": 1344
+}
diff --git a/data/quartz_having_read_above_passage/stats.train.json b/data/quartz_having_read_above_passage/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..bbb9d5cf479e6a1d8eb22681180c58373b0e3863
--- /dev/null
+++ b/data/quartz_having_read_above_passage/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2696,
+  "inputs_max_tokens": 183,
+  "inputs_tokens": 210870,
+  "targets_max_tokens": 19,
+  "targets_tokens": 4609
+}
diff --git a/data/quartz_having_read_above_passage/stats.validation.json b/data/quartz_having_read_above_passage/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c202949bb4d364cb37265710bc28324bc8b51237
--- /dev/null
+++ b/data/quartz_having_read_above_passage/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 384,
+  "inputs_max_tokens": 160,
+  "inputs_tokens": 30982,
+  "targets_max_tokens": 12,
+  "targets_tokens": 713
+}
diff --git a/data/quartz_having_read_above_passage/test.tfrecord-00000-of-00001 b/data/quartz_having_read_above_passage/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9ae82c6f8c618a6c0ef34ca5359a93f6ad22a89b
--- /dev/null
+++ b/data/quartz_having_read_above_passage/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5c1c1ad3a9b76e77b902f6506589455ebb569dc845da72587a02ea52d2e8cca6
+size 508930
diff --git a/data/quartz_having_read_above_passage/train.tfrecord-00000-of-00001 b/data/quartz_having_read_above_passage/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..345093337823761634eb29dc5ef577f5b6f88b46
--- /dev/null
+++ b/data/quartz_having_read_above_passage/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b555532eee833b371e7eb6106f4286a6c31d10879c17a87f2a8dc43e523c4e80
+size 1739273
diff --git a/data/quartz_having_read_above_passage/validation.tfrecord-00000-of-00001 b/data/quartz_having_read_above_passage/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..17dab91e2c62a110696652d7ff668f5e45781d89
--- /dev/null
+++ b/data/quartz_having_read_above_passage/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7f8869f0c783476b4decd2a204e59d4d614f2574922798e5e2583fef053789f6
+size 254200
diff --git a/data/quartz_paragraph_question_plain_concat/COMPLETED b/data/quartz_paragraph_question_plain_concat/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quartz_paragraph_question_plain_concat/info.test.json b/data/quartz_paragraph_question_plain_concat/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_paragraph_question_plain_concat/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_paragraph_question_plain_concat/info.train.json b/data/quartz_paragraph_question_plain_concat/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_paragraph_question_plain_concat/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_paragraph_question_plain_concat/info.validation.json b/data/quartz_paragraph_question_plain_concat/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_paragraph_question_plain_concat/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_paragraph_question_plain_concat/stats.test.json b/data/quartz_paragraph_question_plain_concat/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..344267a69351346fd735d8a27d1fe53ea73ed4c6
--- /dev/null
+++ b/data/quartz_paragraph_question_plain_concat/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 784,
+  "inputs_max_tokens": 106,
+  "inputs_tokens": 40235,
+  "targets_max_tokens": 11,
+  "targets_tokens": 1344
+}
diff --git a/data/quartz_paragraph_question_plain_concat/stats.train.json b/data/quartz_paragraph_question_plain_concat/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0192315949c530450d49d3b0e8a3144e9f5eb411
--- /dev/null
+++ b/data/quartz_paragraph_question_plain_concat/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2696,
+  "inputs_max_tokens": 142,
+  "inputs_tokens": 136948,
+  "targets_max_tokens": 19,
+  "targets_tokens": 4609
+}
diff --git a/data/quartz_paragraph_question_plain_concat/stats.validation.json b/data/quartz_paragraph_question_plain_concat/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b84350a28ad97d6fa5198550c166c9d138e26606
--- /dev/null
+++ b/data/quartz_paragraph_question_plain_concat/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 384,
+  "inputs_max_tokens": 112,
+  "inputs_tokens": 20343,
+  "targets_max_tokens": 12,
+  "targets_tokens": 713
+}
diff --git a/data/quartz_paragraph_question_plain_concat/test.tfrecord-00000-of-00001 b/data/quartz_paragraph_question_plain_concat/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0810191610892421ec3a56aa29939e75b605de70
--- /dev/null
+++ b/data/quartz_paragraph_question_plain_concat/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3c50abf2f39203d70270e36f309b178204e2ff0c59e03d565f33dab94ff8dffc
+size 380926
diff --git a/data/quartz_paragraph_question_plain_concat/train.tfrecord-00000-of-00001 b/data/quartz_paragraph_question_plain_concat/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..68652d9c32bf60930e9d638049f141057071800e
--- /dev/null
+++ b/data/quartz_paragraph_question_plain_concat/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:31e758fc26ab47605272ea6fb1a3e024fa7f19ddcfc0b4d4a490b20788387a40
+size 1299049
diff --git a/data/quartz_paragraph_question_plain_concat/validation.tfrecord-00000-of-00001 b/data/quartz_paragraph_question_plain_concat/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b36f0e4615cfa1e665ff87bdf26b07356315a1d8
--- /dev/null
+++ b/data/quartz_paragraph_question_plain_concat/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:be5f19881495f56e3f6676ba2f7dbe7894ed7f260b3e0fc19533ae08569280cc
+size 190695
diff --git a/data/quartz_read_passage_below_choose/COMPLETED b/data/quartz_read_passage_below_choose/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quartz_read_passage_below_choose/info.test.json b/data/quartz_read_passage_below_choose/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_read_passage_below_choose/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_read_passage_below_choose/info.train.json b/data/quartz_read_passage_below_choose/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_read_passage_below_choose/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_read_passage_below_choose/info.validation.json b/data/quartz_read_passage_below_choose/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_read_passage_below_choose/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_read_passage_below_choose/stats.test.json b/data/quartz_read_passage_below_choose/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2af063983b187eabc2337781b0bb248e1195fb5d
--- /dev/null
+++ b/data/quartz_read_passage_below_choose/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 784,
+  "inputs_max_tokens": 132,
+  "inputs_tokens": 60171,
+  "targets_max_tokens": 11,
+  "targets_tokens": 1344
+}
diff --git a/data/quartz_read_passage_below_choose/stats.train.json b/data/quartz_read_passage_below_choose/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d7bbf342a3fe4cd6edbc37eaafbbc3fc83f6a413
--- /dev/null
+++ b/data/quartz_read_passage_below_choose/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2696,
+  "inputs_max_tokens": 181,
+  "inputs_tokens": 205478,
+  "targets_max_tokens": 19,
+  "targets_tokens": 4609
+}
diff --git a/data/quartz_read_passage_below_choose/stats.validation.json b/data/quartz_read_passage_below_choose/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b5185b540c150b588c1a4e154b919931f82472d0
--- /dev/null
+++ b/data/quartz_read_passage_below_choose/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 384,
+  "inputs_max_tokens": 158,
+  "inputs_tokens": 30214,
+  "targets_max_tokens": 12,
+  "targets_tokens": 713
+}
diff --git a/data/quartz_read_passage_below_choose/test.tfrecord-00000-of-00001 b/data/quartz_read_passage_below_choose/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a1ed6aecd36ac82d0d3afe76fb0f6f1c24736426
--- /dev/null
+++ b/data/quartz_read_passage_below_choose/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4d236c6ab7477cb4349335bd29e13e87470970e6d12272bed027f0f400a1e10a
+size 503277
diff --git a/data/quartz_read_passage_below_choose/train.tfrecord-00000-of-00001 b/data/quartz_read_passage_below_choose/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88eda52f27b1796787ce05805cae211006a4e37c
--- /dev/null
+++ b/data/quartz_read_passage_below_choose/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d0b8fdbf7a099af900d79b6dd73fd5008c727f36b40c75c87d6e192435b74075
+size 1719933
diff --git a/data/quartz_read_passage_below_choose/validation.tfrecord-00000-of-00001 b/data/quartz_read_passage_below_choose/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0ba3ca0fe629ba4b63258c58e0e61b268cb7137b
--- /dev/null
+++ b/data/quartz_read_passage_below_choose/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:38e8d4c506e23250de8469ae80ce4b50a82820bb349f7fc24c208e2c37437a1c
+size 251444
diff --git a/data/quartz_use_info_from_paragraph_question/COMPLETED b/data/quartz_use_info_from_paragraph_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quartz_use_info_from_paragraph_question/info.test.json b/data/quartz_use_info_from_paragraph_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_use_info_from_paragraph_question/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_use_info_from_paragraph_question/info.train.json b/data/quartz_use_info_from_paragraph_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_use_info_from_paragraph_question/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_use_info_from_paragraph_question/info.validation.json b/data/quartz_use_info_from_paragraph_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_use_info_from_paragraph_question/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_use_info_from_paragraph_question/stats.test.json b/data/quartz_use_info_from_paragraph_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..22a263dd0d70309c1e6a4df63c6477aedadb95a2
--- /dev/null
+++ b/data/quartz_use_info_from_paragraph_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 784,
+  "inputs_max_tokens": 122,
+  "inputs_tokens": 52779,
+  "targets_max_tokens": 11,
+  "targets_tokens": 1344
+}
diff --git a/data/quartz_use_info_from_paragraph_question/stats.train.json b/data/quartz_use_info_from_paragraph_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..682fb24122cfa0c30ddca0e1b8966340ee0e65b3
--- /dev/null
+++ b/data/quartz_use_info_from_paragraph_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2696,
+  "inputs_max_tokens": 158,
+  "inputs_tokens": 180084,
+  "targets_max_tokens": 19,
+  "targets_tokens": 4609
+}
diff --git a/data/quartz_use_info_from_paragraph_question/stats.validation.json b/data/quartz_use_info_from_paragraph_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3852708158b272be7b2ab103fb809ff527a200c6
--- /dev/null
+++ b/data/quartz_use_info_from_paragraph_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 384,
+  "inputs_max_tokens": 128,
+  "inputs_tokens": 26487,
+  "targets_max_tokens": 12,
+  "targets_tokens": 713
+}
diff --git a/data/quartz_use_info_from_paragraph_question/test.tfrecord-00000-of-00001 b/data/quartz_use_info_from_paragraph_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d94816f909026cfa4b895d1776f6ea779a990793
--- /dev/null
+++ b/data/quartz_use_info_from_paragraph_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9605b0ad4d24520eb296fae4e2f5622e04162e9f9fe0ae6af7a6409342472ae9
+size 466771
diff --git a/data/quartz_use_info_from_paragraph_question/train.tfrecord-00000-of-00001 b/data/quartz_use_info_from_paragraph_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..57f20cf7e01d64bbf2c1add94cab20259e325b61
--- /dev/null
+++ b/data/quartz_use_info_from_paragraph_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b2f866bc983f4ada454eb285e5262c41e91a27d57ae4e2a733c9cd778ea34d33
+size 1594454
diff --git a/data/quartz_use_info_from_paragraph_question/validation.tfrecord-00000-of-00001 b/data/quartz_use_info_from_paragraph_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9f664ce770dcd48563bd3a2414e82113042d3e08
--- /dev/null
+++ b/data/quartz_use_info_from_paragraph_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7256343c424a8a9cde57a3b10c14b4621bba7a4c56e758683dcc17186c411eb8
+size 232760
diff --git a/data/quartz_use_info_from_question_paragraph/COMPLETED b/data/quartz_use_info_from_question_paragraph/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quartz_use_info_from_question_paragraph/info.test.json b/data/quartz_use_info_from_question_paragraph/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_use_info_from_question_paragraph/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_use_info_from_question_paragraph/info.train.json b/data/quartz_use_info_from_question_paragraph/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_use_info_from_question_paragraph/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_use_info_from_question_paragraph/info.validation.json b/data/quartz_use_info_from_question_paragraph/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/quartz_use_info_from_question_paragraph/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quartz_use_info_from_question_paragraph/stats.test.json b/data/quartz_use_info_from_question_paragraph/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..22a263dd0d70309c1e6a4df63c6477aedadb95a2
--- /dev/null
+++ b/data/quartz_use_info_from_question_paragraph/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 784,
+  "inputs_max_tokens": 122,
+  "inputs_tokens": 52779,
+  "targets_max_tokens": 11,
+  "targets_tokens": 1344
+}
diff --git a/data/quartz_use_info_from_question_paragraph/stats.train.json b/data/quartz_use_info_from_question_paragraph/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..682fb24122cfa0c30ddca0e1b8966340ee0e65b3
--- /dev/null
+++ b/data/quartz_use_info_from_question_paragraph/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2696,
+  "inputs_max_tokens": 158,
+  "inputs_tokens": 180084,
+  "targets_max_tokens": 19,
+  "targets_tokens": 4609
+}
diff --git a/data/quartz_use_info_from_question_paragraph/stats.validation.json b/data/quartz_use_info_from_question_paragraph/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3852708158b272be7b2ab103fb809ff527a200c6
--- /dev/null
+++ b/data/quartz_use_info_from_question_paragraph/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 384,
+  "inputs_max_tokens": 128,
+  "inputs_tokens": 26487,
+  "targets_max_tokens": 12,
+  "targets_tokens": 713
+}
diff --git a/data/quartz_use_info_from_question_paragraph/test.tfrecord-00000-of-00001 b/data/quartz_use_info_from_question_paragraph/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c150fa2b4baf23331a442562faa668269b212158
--- /dev/null
+++ b/data/quartz_use_info_from_question_paragraph/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:daa1af2464e921c01c2c62b32091a9500899b6f28159d458c6ee7dfd057e27d3
+size 466771
diff --git a/data/quartz_use_info_from_question_paragraph/train.tfrecord-00000-of-00001 b/data/quartz_use_info_from_question_paragraph/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8ead477a7bdcf5ea762463eecaf6819e47bd5098
--- /dev/null
+++ b/data/quartz_use_info_from_question_paragraph/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:01f1ce57130ce576bf5eb47034f08bbd343aa5b3fdc5f1399ba4c43b9de1554b
+size 1594454
diff --git a/data/quartz_use_info_from_question_paragraph/validation.tfrecord-00000-of-00001 b/data/quartz_use_info_from_question_paragraph/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4db37058467234efe8575aa6bc195578a9d668a7
--- /dev/null
+++ b/data/quartz_use_info_from_question_paragraph/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2175980195f0a1cef4cd91c6a037cec3e9b8cc6d7fcc7a2689a75f9f72821ebf
+size 232760
diff --git a/data/quoref_Answer_Friend_Question/COMPLETED b/data/quoref_Answer_Friend_Question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Answer_Friend_Question/info.train.json b/data/quoref_Answer_Friend_Question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Answer_Friend_Question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Answer_Friend_Question/info.validation.json b/data/quoref_Answer_Friend_Question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Answer_Friend_Question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Answer_Friend_Question/stats.train.json b/data/quoref_Answer_Friend_Question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e3ed4c2602f61969df1151ad611ddd388702c0be
--- /dev/null
+++ b/data/quoref_Answer_Friend_Question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 752,
+  "inputs_tokens": 9472637,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61467
+}
diff --git a/data/quoref_Answer_Friend_Question/stats.validation.json b/data/quoref_Answer_Friend_Question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..fdc7720c80a4b96df2ea6c1af84faa405072f59e
--- /dev/null
+++ b/data/quoref_Answer_Friend_Question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 698,
+  "inputs_tokens": 1164860,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7495
+}
diff --git a/data/quoref_Answer_Friend_Question/train.tfrecord-00000-of-00001 b/data/quoref_Answer_Friend_Question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fcb0afbe1142429fce5980ab78eea486d4b3fcfc
--- /dev/null
+++ b/data/quoref_Answer_Friend_Question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6f047a674a7a10f9d594d362f8d63ef67a8444405c56c2c735fd0d46fdd69dba
+size 56056996
diff --git a/data/quoref_Answer_Friend_Question/validation.tfrecord-00000-of-00001 b/data/quoref_Answer_Friend_Question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8dccfe9bee187c39998eeb51b56a7247c61c9fee
--- /dev/null
+++ b/data/quoref_Answer_Friend_Question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:701cef9427360534a6e80474693563db61c8562d502bfeb4c523e243f1f66457
+size 6905403
diff --git a/data/quoref_Answer_Question_Given_Context/COMPLETED b/data/quoref_Answer_Question_Given_Context/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Answer_Question_Given_Context/info.train.json b/data/quoref_Answer_Question_Given_Context/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Answer_Question_Given_Context/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Answer_Question_Given_Context/info.validation.json b/data/quoref_Answer_Question_Given_Context/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Answer_Question_Given_Context/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Answer_Question_Given_Context/stats.train.json b/data/quoref_Answer_Question_Given_Context/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b5f10a6be90a56911d30486b3a0ff99b066c5017
--- /dev/null
+++ b/data/quoref_Answer_Question_Given_Context/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 740,
+  "inputs_tokens": 9239909,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61553
+}
diff --git a/data/quoref_Answer_Question_Given_Context/stats.validation.json b/data/quoref_Answer_Question_Given_Context/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b79d97d969ef3aefec9b1ecc035b2e23a39bcbcd
--- /dev/null
+++ b/data/quoref_Answer_Question_Given_Context/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 686,
+  "inputs_tokens": 1135844,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7527
+}
diff --git a/data/quoref_Answer_Question_Given_Context/train.tfrecord-00000-of-00001 b/data/quoref_Answer_Question_Given_Context/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5ce144b3b8e7d5b45401e6562429fad4ad6036fb
--- /dev/null
+++ b/data/quoref_Answer_Question_Given_Context/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:64c341cb0394918b49a00045bb18e4e8d4ddd744a30698a0a2df984c327e23a0
+size 55203796
diff --git a/data/quoref_Answer_Question_Given_Context/validation.tfrecord-00000-of-00001 b/data/quoref_Answer_Question_Given_Context/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f83c9772f15707d3f3bf22362d9f8b9194fd8ca2
--- /dev/null
+++ b/data/quoref_Answer_Question_Given_Context/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ca580b70032da7ba29ebdccbc017ac47782542b7d41b1c94d26276c5d7fc1961
+size 6798997
diff --git a/data/quoref_Answer_Test/COMPLETED b/data/quoref_Answer_Test/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Answer_Test/info.train.json b/data/quoref_Answer_Test/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Answer_Test/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Answer_Test/info.validation.json b/data/quoref_Answer_Test/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Answer_Test/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Answer_Test/stats.train.json b/data/quoref_Answer_Test/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ec6d62a65881096fda48329e8dce769c36e565df
--- /dev/null
+++ b/data/quoref_Answer_Test/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 753,
+  "inputs_tokens": 9492097,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61601
+}
diff --git a/data/quoref_Answer_Test/stats.validation.json b/data/quoref_Answer_Test/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8548cb8f6ac011dfb5034378bdbdfde79ac47fb8
--- /dev/null
+++ b/data/quoref_Answer_Test/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 699,
+  "inputs_tokens": 1167278,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7527
+}
diff --git a/data/quoref_Answer_Test/train.tfrecord-00000-of-00001 b/data/quoref_Answer_Test/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7ff653f9bc4401f4ca72a58d29e30d8ff4f6f5e0
--- /dev/null
+++ b/data/quoref_Answer_Test/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b274f8b7ec82bcd47629cee7fa7ee68529ad93f6d2619fac0733f90fa34b53f4
+size 56057456
diff --git a/data/quoref_Answer_Test/validation.tfrecord-00000-of-00001 b/data/quoref_Answer_Test/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3c3366f22d2857f334d8a93a48bc545903a67088
--- /dev/null
+++ b/data/quoref_Answer_Test/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d6b0713b3ec4353009d1d6855a0dcf7e1b6997a330c93538feed0e0512736656
+size 6905389
diff --git a/data/quoref_Context_Contains_Answer/COMPLETED b/data/quoref_Context_Contains_Answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Context_Contains_Answer/info.train.json b/data/quoref_Context_Contains_Answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Context_Contains_Answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Context_Contains_Answer/info.validation.json b/data/quoref_Context_Contains_Answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Context_Contains_Answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Context_Contains_Answer/stats.train.json b/data/quoref_Context_Contains_Answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..49f7f9ef7568e2d0033ac0b95387cb17945d696e
--- /dev/null
+++ b/data/quoref_Context_Contains_Answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 746,
+  "inputs_tokens": 9356286,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61456
+}
diff --git a/data/quoref_Context_Contains_Answer/stats.validation.json b/data/quoref_Context_Contains_Answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..007d3127f283e56d4f736eccbe2268c1409dceb4
--- /dev/null
+++ b/data/quoref_Context_Contains_Answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 692,
+  "inputs_tokens": 1150352,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7494
+}
diff --git a/data/quoref_Context_Contains_Answer/train.tfrecord-00000-of-00001 b/data/quoref_Context_Contains_Answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9c2ea244531082c04d39b063a527e80e3bd15c4f
--- /dev/null
+++ b/data/quoref_Context_Contains_Answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:14fcdbca57de93d0760dd02621cc82adc34014d8d89404289895777ed242b753
+size 55319866
diff --git a/data/quoref_Context_Contains_Answer/validation.tfrecord-00000-of-00001 b/data/quoref_Context_Contains_Answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bbfc8c0dad017e3ec1529a581043ceba45bcba0d
--- /dev/null
+++ b/data/quoref_Context_Contains_Answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5867de04e48a4a80a04c58e7f23c97654e1500d78dcc0ddbffceaa5302ae03d2
+size 6813437
diff --git a/data/quoref_Find_Answer/COMPLETED b/data/quoref_Find_Answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Find_Answer/info.train.json b/data/quoref_Find_Answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Find_Answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Find_Answer/info.validation.json b/data/quoref_Find_Answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Find_Answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Find_Answer/stats.train.json b/data/quoref_Find_Answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e66912b7b7f10e2bc66ec6308bd87b1daa890eaf
--- /dev/null
+++ b/data/quoref_Find_Answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 748,
+  "inputs_tokens": 9395102,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61484
+}
diff --git a/data/quoref_Find_Answer/stats.validation.json b/data/quoref_Find_Answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7dcb238244b111bcd136ab4716c74f5f02c44f7f
--- /dev/null
+++ b/data/quoref_Find_Answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 694,
+  "inputs_tokens": 1155188,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7502
+}
diff --git a/data/quoref_Find_Answer/train.tfrecord-00000-of-00001 b/data/quoref_Find_Answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5c768d22b49639bda41084ea33ffc82c5626f424
--- /dev/null
+++ b/data/quoref_Find_Answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f5b2ac8037c6113d938a02d53011bfdafd0e7ebb3f9529c833c19ab6abe8ab61
+size 55824091
diff --git a/data/quoref_Find_Answer/validation.tfrecord-00000-of-00001 b/data/quoref_Find_Answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..74f24f9a3bfcce476ac1b21e123fbcea9b376842
--- /dev/null
+++ b/data/quoref_Find_Answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b0a41bc0e43c37d2b1a49f5324a8f47333f75d3e2e74a08aeae1e7ab1a622864
+size 6876275
diff --git a/data/quoref_Found_Context_Online/COMPLETED b/data/quoref_Found_Context_Online/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Found_Context_Online/info.train.json b/data/quoref_Found_Context_Online/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Found_Context_Online/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Found_Context_Online/info.validation.json b/data/quoref_Found_Context_Online/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Found_Context_Online/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Found_Context_Online/stats.train.json b/data/quoref_Found_Context_Online/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1c28d4acc28a8952c24e2063a4a46734bada7890
--- /dev/null
+++ b/data/quoref_Found_Context_Online/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 743,
+  "inputs_tokens": 9298107,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61552
+}
diff --git a/data/quoref_Found_Context_Online/stats.validation.json b/data/quoref_Found_Context_Online/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9ae0464c58f8a7bf63eb97987f0bc4ee2e2f670c
--- /dev/null
+++ b/data/quoref_Found_Context_Online/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 689,
+  "inputs_tokens": 1143098,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7502
+}
diff --git a/data/quoref_Found_Context_Online/train.tfrecord-00000-of-00001 b/data/quoref_Found_Context_Online/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..08c1a774a68638d4f126e8dcc6609a311a54ab26
--- /dev/null
+++ b/data/quoref_Found_Context_Online/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:de1666553343e3af4849759cf5ce883f73d238bdbd1f4a5a740c6f57d6eb1b9a
+size 55378078
diff --git a/data/quoref_Found_Context_Online/validation.tfrecord-00000-of-00001 b/data/quoref_Found_Context_Online/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..564271809ecd6962350e93e88e482645273f1883
--- /dev/null
+++ b/data/quoref_Found_Context_Online/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:96878fc6c66567593f0b0769334c0bfc1232a54c74a07cc3a663c790bb835cef
+size 6820661
diff --git a/data/quoref_Given_Context_Answer_Question/COMPLETED b/data/quoref_Given_Context_Answer_Question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Given_Context_Answer_Question/info.train.json b/data/quoref_Given_Context_Answer_Question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Given_Context_Answer_Question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Given_Context_Answer_Question/info.validation.json b/data/quoref_Given_Context_Answer_Question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Given_Context_Answer_Question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Given_Context_Answer_Question/stats.train.json b/data/quoref_Given_Context_Answer_Question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0e8eebe78d6df9b2b813ac34426debf2dde464c3
--- /dev/null
+++ b/data/quoref_Given_Context_Answer_Question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 741,
+  "inputs_tokens": 9259308,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61456
+}
diff --git a/data/quoref_Given_Context_Answer_Question/stats.validation.json b/data/quoref_Given_Context_Answer_Question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0e68c52eea0d6bfeaf817d941a946ebee86f44db
--- /dev/null
+++ b/data/quoref_Given_Context_Answer_Question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 687,
+  "inputs_tokens": 1138262,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7462
+}
diff --git a/data/quoref_Given_Context_Answer_Question/train.tfrecord-00000-of-00001 b/data/quoref_Given_Context_Answer_Question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ef48c839560349b59bc60e01b54e4fa79e6972d4
--- /dev/null
+++ b/data/quoref_Given_Context_Answer_Question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:88b6c5aeac75cb394a85be0877757c25507900cfeb83382fdc061bbe99771f50
+size 55087080
diff --git a/data/quoref_Given_Context_Answer_Question/validation.tfrecord-00000-of-00001 b/data/quoref_Given_Context_Answer_Question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1638fb3143306fc6840ac65b01069e6b080fe568
--- /dev/null
+++ b/data/quoref_Given_Context_Answer_Question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c5ff49f44dce300e29addffbb18dc5fa920cd1be12040c611d4ef5a23b1549d2
+size 6784332
diff --git a/data/quoref_Guess_Answer/COMPLETED b/data/quoref_Guess_Answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Guess_Answer/info.train.json b/data/quoref_Guess_Answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Guess_Answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Guess_Answer/info.validation.json b/data/quoref_Guess_Answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Guess_Answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Guess_Answer/stats.train.json b/data/quoref_Guess_Answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b6816e142cc2a363f42ae213ac538700a26ee201
--- /dev/null
+++ b/data/quoref_Guess_Answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 748,
+  "inputs_tokens": 9395058,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61469
+}
diff --git a/data/quoref_Guess_Answer/stats.validation.json b/data/quoref_Guess_Answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0c0ebfeadd17ff7aa0c9683121a77d8a6a0c20eb
--- /dev/null
+++ b/data/quoref_Guess_Answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 694,
+  "inputs_tokens": 1155188,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7468
+}
diff --git a/data/quoref_Guess_Answer/train.tfrecord-00000-of-00001 b/data/quoref_Guess_Answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dc85c92149ec7c363b4c00328af6cc86c8a58736
--- /dev/null
+++ b/data/quoref_Guess_Answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:34faebe0e7ff069b07c96e90cc72683a8e81a5aebd42a3c292b237f88711c95d
+size 55513892
diff --git a/data/quoref_Guess_Answer/validation.tfrecord-00000-of-00001 b/data/quoref_Guess_Answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eb9081a9703078fac176dcad7f853941a1145bc7
--- /dev/null
+++ b/data/quoref_Guess_Answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eea90b17b0c8273536e814673af9085c29e7f9f4b1cf2345ef23f89ee97f1d82
+size 6837494
diff --git a/data/quoref_Guess_Title_For_Context/COMPLETED b/data/quoref_Guess_Title_For_Context/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Guess_Title_For_Context/info.train.json b/data/quoref_Guess_Title_For_Context/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Guess_Title_For_Context/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Guess_Title_For_Context/info.validation.json b/data/quoref_Guess_Title_For_Context/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Guess_Title_For_Context/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Guess_Title_For_Context/stats.train.json b/data/quoref_Guess_Title_For_Context/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2186dd0d621e73df4694195daefddddd31218542
--- /dev/null
+++ b/data/quoref_Guess_Title_For_Context/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 717,
+  "inputs_tokens": 8913112,
+  "targets_max_tokens": 36,
+  "targets_tokens": 108570
+}
diff --git a/data/quoref_Guess_Title_For_Context/stats.validation.json b/data/quoref_Guess_Title_For_Context/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c59be2dc46a5bf7969a02cc06cb1be13fb66357a
--- /dev/null
+++ b/data/quoref_Guess_Title_For_Context/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 663,
+  "inputs_tokens": 1096016,
+  "targets_max_tokens": 17,
+  "targets_tokens": 14153
+}
diff --git a/data/quoref_Guess_Title_For_Context/train.tfrecord-00000-of-00001 b/data/quoref_Guess_Title_For_Context/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f905ced5374be096652e2eee3962a833a51493bc
--- /dev/null
+++ b/data/quoref_Guess_Title_For_Context/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2446b3c3555da2f29b75f68cf296be71aa9e228b6d5596fc827db0ce118ea769
+size 53132441
diff --git a/data/quoref_Guess_Title_For_Context/validation.tfrecord-00000-of-00001 b/data/quoref_Guess_Title_For_Context/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f122dc344c0abae90095beb8326914095fb50d2c
--- /dev/null
+++ b/data/quoref_Guess_Title_For_Context/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d9dba8dc5a0e0348f38a39d98d220138e67900fde3e00a2561af90b2845ca10c
+size 6548101
diff --git a/data/quoref_Read_And_Extract_/COMPLETED b/data/quoref_Read_And_Extract_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_Read_And_Extract_/info.train.json b/data/quoref_Read_And_Extract_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Read_And_Extract_/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Read_And_Extract_/info.validation.json b/data/quoref_Read_And_Extract_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_Read_And_Extract_/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_Read_And_Extract_/stats.train.json b/data/quoref_Read_And_Extract_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8270046ab4b33ad910d373883f556e737dd4d63e
--- /dev/null
+++ b/data/quoref_Read_And_Extract_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 742,
+  "inputs_tokens": 9278707,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61552
+}
diff --git a/data/quoref_Read_And_Extract_/stats.validation.json b/data/quoref_Read_And_Extract_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e47e8c816cc0e76b19bcff24c6815cb4351c7d26
--- /dev/null
+++ b/data/quoref_Read_And_Extract_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 688,
+  "inputs_tokens": 1140680,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7527
+}
diff --git a/data/quoref_Read_And_Extract_/train.tfrecord-00000-of-00001 b/data/quoref_Read_And_Extract_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c6c63458b1cda1e88ed3389b69f22ce786790768
--- /dev/null
+++ b/data/quoref_Read_And_Extract_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:92c02116850a8a601fce509c58449fb481cc95cada1aac94079e605c53d15ae1
+size 55397477
diff --git a/data/quoref_Read_And_Extract_/validation.tfrecord-00000-of-00001 b/data/quoref_Read_And_Extract_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8c9c04b1430565edfe7414020aa47d61f6e979d8
--- /dev/null
+++ b/data/quoref_Read_And_Extract_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ba6f32acbc9a424d2699d717d2b486c377673b1f8ee99747146101559405def8
+size 6823177
diff --git a/data/quoref_What_Is_The_Answer/COMPLETED b/data/quoref_What_Is_The_Answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/quoref_What_Is_The_Answer/info.train.json b/data/quoref_What_Is_The_Answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_What_Is_The_Answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_What_Is_The_Answer/info.validation.json b/data/quoref_What_Is_The_Answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/quoref_What_Is_The_Answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/quoref_What_Is_The_Answer/stats.train.json b/data/quoref_What_Is_The_Answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..795ff6a7a7b7fd6de2c3eae4b025040cbae2578d
--- /dev/null
+++ b/data/quoref_What_Is_The_Answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 19399,
+  "inputs_max_tokens": 744,
+  "inputs_tokens": 9317505,
+  "targets_max_tokens": 44,
+  "targets_tokens": 61456
+}
diff --git a/data/quoref_What_Is_The_Answer/stats.validation.json b/data/quoref_What_Is_The_Answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2c9eeab5944911cfe9ff95f219adb9a27fd82cc7
--- /dev/null
+++ b/data/quoref_What_Is_The_Answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2418,
+  "inputs_max_tokens": 690,
+  "inputs_tokens": 1145516,
+  "targets_max_tokens": 20,
+  "targets_tokens": 7456
+}
diff --git a/data/quoref_What_Is_The_Answer/train.tfrecord-00000-of-00001 b/data/quoref_What_Is_The_Answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f147d003fae455c9d0f2a3cec5db20d18c1ad4b6
--- /dev/null
+++ b/data/quoref_What_Is_The_Answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:91c8d1a2254afb2d609cad459124060516706da75bd3df758a5dbc61f6ad5e7d
+size 55319868
diff --git a/data/quoref_What_Is_The_Answer/validation.tfrecord-00000-of-00001 b/data/quoref_What_Is_The_Answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a26088da4398b50f99a5f8a9f86b591cdeb602b8
--- /dev/null
+++ b/data/quoref_What_Is_The_Answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c8a86461c613bdf15c5f00d80125d3b582af8e7d63e7c68797408ce8bb1ed2ce
+size 6813318
diff --git a/data/race_high_Is_this_the_right_answer/COMPLETED b/data/race_high_Is_this_the_right_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_high_Is_this_the_right_answer/info.test.json b/data/race_high_Is_this_the_right_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Is_this_the_right_answer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Is_this_the_right_answer/info.train.json b/data/race_high_Is_this_the_right_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Is_this_the_right_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Is_this_the_right_answer/info.validation.json b/data/race_high_Is_this_the_right_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Is_this_the_right_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Is_this_the_right_answer/stats.test.json b/data/race_high_Is_this_the_right_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..033f357af9bb14db482c9f4c5feb1a15632a8b37
--- /dev/null
+++ b/data/race_high_Is_this_the_right_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3498,
+  "inputs_max_tokens": 600,
+  "inputs_tokens": 1475671,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3498
+}
diff --git a/data/race_high_Is_this_the_right_answer/stats.train.json b/data/race_high_Is_this_the_right_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6f1b1735b1c1d82c26e162fb1e7f31bb7f3367f1
--- /dev/null
+++ b/data/race_high_Is_this_the_right_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 62445,
+  "inputs_max_tokens": 686,
+  "inputs_tokens": 26658687,
+  "targets_max_tokens": 1,
+  "targets_tokens": 62445
+}
diff --git a/data/race_high_Is_this_the_right_answer/stats.validation.json b/data/race_high_Is_this_the_right_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ffc97bb7909bc54a4e5801abc66fb047c08b335e
--- /dev/null
+++ b/data/race_high_Is_this_the_right_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3451,
+  "inputs_max_tokens": 617,
+  "inputs_tokens": 1462431,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3451
+}
diff --git a/data/race_high_Is_this_the_right_answer/test.tfrecord-00000-of-00001 b/data/race_high_Is_this_the_right_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2044511f609f7981beb4fc497fa43d6790fcb63f
--- /dev/null
+++ b/data/race_high_Is_this_the_right_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b2b4fd918744d7ae1deef8a518bb491c63e18685d82f6279a24977868db177ff
+size 9155138
diff --git a/data/race_high_Is_this_the_right_answer/train.tfrecord-00000-of-00001 b/data/race_high_Is_this_the_right_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..168a507da1d8b5ed9adfdded5e9f84f6a6199c20
--- /dev/null
+++ b/data/race_high_Is_this_the_right_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:833adcfd309d17cb335b30c6abe65908787ec660d8664f034df1f170e9c83bb4
+size 165350202
diff --git a/data/race_high_Is_this_the_right_answer/validation.tfrecord-00000-of-00001 b/data/race_high_Is_this_the_right_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..70b6e28fa1a19c4ebb6d22f1375752e58d1f311b
--- /dev/null
+++ b/data/race_high_Is_this_the_right_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:31b08c1e57fca03cae6d4b9e3ceeee0ba32114f2dac8fd319742b11da3be5fb6
+size 9069297
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/COMPLETED b/data/race_high_Read_the_article_and_answer_the_question_no_option_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/info.test.json b/data/race_high_Read_the_article_and_answer_the_question_no_option_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Read_the_article_and_answer_the_question_no_option_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/info.train.json b/data/race_high_Read_the_article_and_answer_the_question_no_option_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Read_the_article_and_answer_the_question_no_option_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/info.validation.json b/data/race_high_Read_the_article_and_answer_the_question_no_option_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Read_the_article_and_answer_the_question_no_option_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/stats.test.json b/data/race_high_Read_the_article_and_answer_the_question_no_option_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e70b8ad98df776596876f399f695fd7f19455f97
--- /dev/null
+++ b/data/race_high_Read_the_article_and_answer_the_question_no_option_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3498,
+  "inputs_max_tokens": 585,
+  "inputs_tokens": 1450248,
+  "targets_max_tokens": 38,
+  "targets_tokens": 28588
+}
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/stats.train.json b/data/race_high_Read_the_article_and_answer_the_question_no_option_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ba7fcb1ac849172428d94e8c14ad7f1a2518e898
--- /dev/null
+++ b/data/race_high_Read_the_article_and_answer_the_question_no_option_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 62445,
+  "inputs_max_tokens": 676,
+  "inputs_tokens": 26210337,
+  "targets_max_tokens": 133,
+  "targets_tokens": 503797
+}
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/stats.validation.json b/data/race_high_Read_the_article_and_answer_the_question_no_option_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b1d526cb7fa7ebfb537ec0ba5784b659df746c7
--- /dev/null
+++ b/data/race_high_Read_the_article_and_answer_the_question_no_option_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3451,
+  "inputs_max_tokens": 610,
+  "inputs_tokens": 1437755,
+  "targets_max_tokens": 39,
+  "targets_tokens": 27700
+}
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/test.tfrecord-00000-of-00001 b/data/race_high_Read_the_article_and_answer_the_question_no_option_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c6514e1943610b0fd8e2b5a7fdfe4976982a804b
--- /dev/null
+++ b/data/race_high_Read_the_article_and_answer_the_question_no_option_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:04311cd1f5804a51a3226b6d0910ff1e626551b3df17b19eacf26f3d8b401683
+size 9751584
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/train.tfrecord-00000-of-00001 b/data/race_high_Read_the_article_and_answer_the_question_no_option_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..45ff8644a66b036c62c6e07269491f979cc18b7f
--- /dev/null
+++ b/data/race_high_Read_the_article_and_answer_the_question_no_option_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d16f1072f58551f9d341d4a88966793b8edcfa6f2df3a90e3e322a249c55540c
+size 175937411
diff --git a/data/race_high_Read_the_article_and_answer_the_question_no_option_/validation.tfrecord-00000-of-00001 b/data/race_high_Read_the_article_and_answer_the_question_no_option_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f913c3e3b435751f4f724da445e82e50db8abb70
--- /dev/null
+++ b/data/race_high_Read_the_article_and_answer_the_question_no_option_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:753583130eba97a087778ed5e4d101cca8346e1470e3e4957a956df7468e92c5
+size 9650494
diff --git a/data/race_high_Select_the_best_answer/COMPLETED b/data/race_high_Select_the_best_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_high_Select_the_best_answer/info.test.json b/data/race_high_Select_the_best_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Select_the_best_answer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Select_the_best_answer/info.train.json b/data/race_high_Select_the_best_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Select_the_best_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Select_the_best_answer/info.validation.json b/data/race_high_Select_the_best_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Select_the_best_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Select_the_best_answer/stats.test.json b/data/race_high_Select_the_best_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..577ba96decff5eefd33ade526e02bb312ec69fe1
--- /dev/null
+++ b/data/race_high_Select_the_best_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3498,
+  "inputs_max_tokens": 700,
+  "inputs_tokens": 1588809,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3498
+}
diff --git a/data/race_high_Select_the_best_answer/stats.train.json b/data/race_high_Select_the_best_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f23a32a089d56defac27180939931b07d1ed00ad
--- /dev/null
+++ b/data/race_high_Select_the_best_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 62445,
+  "inputs_max_tokens": 731,
+  "inputs_tokens": 28669801,
+  "targets_max_tokens": 1,
+  "targets_tokens": 62445
+}
diff --git a/data/race_high_Select_the_best_answer/stats.validation.json b/data/race_high_Select_the_best_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..73041588b11e1a8c9cd74ab7721d965e3e8b3361
--- /dev/null
+++ b/data/race_high_Select_the_best_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3451,
+  "inputs_max_tokens": 667,
+  "inputs_tokens": 1572664,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3451
+}
diff --git a/data/race_high_Select_the_best_answer/test.tfrecord-00000-of-00001 b/data/race_high_Select_the_best_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d7687e4504effb728d235fc0a338f0c78f88d266
--- /dev/null
+++ b/data/race_high_Select_the_best_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:300218f50f6e63debd6202d60179bf90346c63609ca674b45583a0a50f6d5e96
+size 9845744
diff --git a/data/race_high_Select_the_best_answer/train.tfrecord-00000-of-00001 b/data/race_high_Select_the_best_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..90bb5807e3592f4fa092501cf1ad3331a307b4ae
--- /dev/null
+++ b/data/race_high_Select_the_best_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d0b2d870837418f382ae28693d60a90bf844fca5b7a586f9624abbd8e3e7c95d
+size 177634780
diff --git a/data/race_high_Select_the_best_answer/validation.tfrecord-00000-of-00001 b/data/race_high_Select_the_best_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2ce56811748ed6a236b8f90f9d0ad2d10776488d
--- /dev/null
+++ b/data/race_high_Select_the_best_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a690e97d523eb7a62cf8dfd34d4714c7378d197c5566ab042feb34cbcba115d9
+size 9743565
diff --git a/data/race_high_Select_the_best_answer_generate_span_/COMPLETED b/data/race_high_Select_the_best_answer_generate_span_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_high_Select_the_best_answer_generate_span_/info.test.json b/data/race_high_Select_the_best_answer_generate_span_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_generate_span_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Select_the_best_answer_generate_span_/info.train.json b/data/race_high_Select_the_best_answer_generate_span_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_generate_span_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Select_the_best_answer_generate_span_/info.validation.json b/data/race_high_Select_the_best_answer_generate_span_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_generate_span_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Select_the_best_answer_generate_span_/stats.test.json b/data/race_high_Select_the_best_answer_generate_span_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d221dd07c9469147aed67a837b6aa97fc6c0b9a1
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_generate_span_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3498,
+  "inputs_max_tokens": 699,
+  "inputs_tokens": 1585311,
+  "targets_max_tokens": 38,
+  "targets_tokens": 28588
+}
diff --git a/data/race_high_Select_the_best_answer_generate_span_/stats.train.json b/data/race_high_Select_the_best_answer_generate_span_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d47d340e0e3c0c8ab16d0149244192b2ab729563
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_generate_span_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 62445,
+  "inputs_max_tokens": 730,
+  "inputs_tokens": 28607356,
+  "targets_max_tokens": 133,
+  "targets_tokens": 503797
+}
diff --git a/data/race_high_Select_the_best_answer_generate_span_/stats.validation.json b/data/race_high_Select_the_best_answer_generate_span_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4b3be7a588dc1b12400e6cfef4074781e1ceb6e6
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_generate_span_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3451,
+  "inputs_max_tokens": 666,
+  "inputs_tokens": 1569213,
+  "targets_max_tokens": 39,
+  "targets_tokens": 27700
+}
diff --git a/data/race_high_Select_the_best_answer_generate_span_/test.tfrecord-00000-of-00001 b/data/race_high_Select_the_best_answer_generate_span_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ee023b1a26a3e8364450de28e28c105e4f5eab91
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_generate_span_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dfc81b3a1f7e75d88d6da98f06a580108612ea8f99f6d803acfc1cb223ae48bc
+size 10475705
diff --git a/data/race_high_Select_the_best_answer_generate_span_/train.tfrecord-00000-of-00001 b/data/race_high_Select_the_best_answer_generate_span_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f92ab146a6e41b5b7b699abb112f3a5ab3aa57e8
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_generate_span_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:43cba2eb97058cba4ce2d2c0c46a3a37275dcd6db5b8e872d1d35ea3bec956d1
+size 188789526
diff --git a/data/race_high_Select_the_best_answer_generate_span_/validation.tfrecord-00000-of-00001 b/data/race_high_Select_the_best_answer_generate_span_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..be5bda8dd84dc741ff2864c084ce941830c6a208
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_generate_span_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:107e42b268a1f535abe51ffbcdf9733c1252bde5d9561aa8ef654ce7cae7f46a
+size 10355172
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/COMPLETED b/data/race_high_Select_the_best_answer_no_instructions_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/info.test.json b/data/race_high_Select_the_best_answer_no_instructions_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_no_instructions_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/info.train.json b/data/race_high_Select_the_best_answer_no_instructions_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_no_instructions_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/info.validation.json b/data/race_high_Select_the_best_answer_no_instructions_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_no_instructions_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/stats.test.json b/data/race_high_Select_the_best_answer_no_instructions_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4b4a04bbc53a4bdc73698490f82968bea43aa394
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_no_instructions_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3498,
+  "inputs_max_tokens": 685,
+  "inputs_tokens": 1536339,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3498
+}
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/stats.train.json b/data/race_high_Select_the_best_answer_no_instructions_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67538d83aa65eb906bba8827593951c3abadad4
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_no_instructions_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 62445,
+  "inputs_max_tokens": 716,
+  "inputs_tokens": 27733126,
+  "targets_max_tokens": 1,
+  "targets_tokens": 62445
+}
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/stats.validation.json b/data/race_high_Select_the_best_answer_no_instructions_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d0bc5d6e4295529332db2f98084c7666309b7570
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_no_instructions_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3451,
+  "inputs_max_tokens": 652,
+  "inputs_tokens": 1520899,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3451
+}
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/test.tfrecord-00000-of-00001 b/data/race_high_Select_the_best_answer_no_instructions_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7ef123898fc462bcc7445d7bdb591215a15f80e8
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_no_instructions_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e237445c8f38a8023de540ba7ad618b131a6a37f704821bcfe4ce959d45941a0
+size 9506430
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/train.tfrecord-00000-of-00001 b/data/race_high_Select_the_best_answer_no_instructions_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..374fded590abc774c4336020fd615ce5e0d393a3
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_no_instructions_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8bf73e198435a72429c018c1528a4ef7fbe36d6cdf5ff682990543a44e60df19
+size 171577599
diff --git a/data/race_high_Select_the_best_answer_no_instructions_/validation.tfrecord-00000-of-00001 b/data/race_high_Select_the_best_answer_no_instructions_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6ede462a4117e0ae1d099837e9c058c9c765cd54
--- /dev/null
+++ b/data/race_high_Select_the_best_answer_no_instructions_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e838f0ca297ce7f7afff3a296f2b823501d59a2d47180f5ba49362b4069eea71
+size 9408818
diff --git a/data/race_high_Taking_a_test/COMPLETED b/data/race_high_Taking_a_test/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_high_Taking_a_test/info.test.json b/data/race_high_Taking_a_test/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Taking_a_test/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Taking_a_test/info.train.json b/data/race_high_Taking_a_test/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Taking_a_test/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Taking_a_test/info.validation.json b/data/race_high_Taking_a_test/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_high_Taking_a_test/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Taking_a_test/stats.test.json b/data/race_high_Taking_a_test/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..627ce6e450cdfcf0a112ef94bd2a0674cbe8a64c
--- /dev/null
+++ b/data/race_high_Taking_a_test/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3498,
+  "inputs_max_tokens": 712,
+  "inputs_tokens": 1630785,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3498
+}
diff --git a/data/race_high_Taking_a_test/stats.train.json b/data/race_high_Taking_a_test/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..77a00eaf6e0104fa93c0d625d61d175c3b0098ef
--- /dev/null
+++ b/data/race_high_Taking_a_test/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 62445,
+  "inputs_max_tokens": 743,
+  "inputs_tokens": 29419141,
+  "targets_max_tokens": 1,
+  "targets_tokens": 62445
+}
diff --git a/data/race_high_Taking_a_test/stats.validation.json b/data/race_high_Taking_a_test/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f57bbd65701a58f726d50383e14911f84f9682fd
--- /dev/null
+++ b/data/race_high_Taking_a_test/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3451,
+  "inputs_max_tokens": 679,
+  "inputs_tokens": 1614076,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3451
+}
diff --git a/data/race_high_Taking_a_test/test.tfrecord-00000-of-00001 b/data/race_high_Taking_a_test/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bd4b358acb9483039fc12395f04a128aebb03d7a
--- /dev/null
+++ b/data/race_high_Taking_a_test/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c1e6fa278995300ac187f754120126009081ff2dcbb2355962250bd4446aba02
+size 10048632
diff --git a/data/race_high_Taking_a_test/train.tfrecord-00000-of-00001 b/data/race_high_Taking_a_test/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9af466fb7668dd028c20fdb9a6f35aa3f915385f
--- /dev/null
+++ b/data/race_high_Taking_a_test/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:90cbd8d54bd0b2c6027934dcc34cd76d6a0599952fafdc89c2869dbbef58b3ec
+size 181256598
diff --git a/data/race_high_Taking_a_test/validation.tfrecord-00000-of-00001 b/data/race_high_Taking_a_test/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2d07066fd138c17211d5315484df3efd9797b431
--- /dev/null
+++ b/data/race_high_Taking_a_test/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d8fafb5f9eeb67c219b73fc4b6058138cb6d2b00cd9744bd73d5bd7e85fd555f
+size 9943723
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/COMPLETED b/data/race_high_Write_a_multi_choice_question_for_the_following_article/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/info.test.json b/data/race_high_Write_a_multi_choice_question_for_the_following_article/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_for_the_following_article/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/info.train.json b/data/race_high_Write_a_multi_choice_question_for_the_following_article/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_for_the_following_article/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/info.validation.json b/data/race_high_Write_a_multi_choice_question_for_the_following_article/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_for_the_following_article/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/stats.test.json b/data/race_high_Write_a_multi_choice_question_for_the_following_article/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ed668d609a309b91fea57c6f16cd14557224a79b
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_for_the_following_article/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3498,
+  "inputs_max_tokens": 564,
+  "inputs_tokens": 1402433,
+  "targets_max_tokens": 187,
+  "targets_tokens": 196870
+}
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/stats.train.json b/data/race_high_Write_a_multi_choice_question_for_the_following_article/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8912f21fc7ed52111edc9cb79f874a6f72c23adc
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_for_the_following_article/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 62445,
+  "inputs_max_tokens": 651,
+  "inputs_tokens": 25357892,
+  "targets_max_tokens": 392,
+  "targets_tokens": 3499244
+}
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/stats.validation.json b/data/race_high_Write_a_multi_choice_question_for_the_following_article/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3a1d23913f7a45a40352c24339a476720eb9539c
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_for_the_following_article/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3451,
+  "inputs_max_tokens": 588,
+  "inputs_tokens": 1391304,
+  "targets_max_tokens": 120,
+  "targets_tokens": 191713
+}
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/test.tfrecord-00000-of-00001 b/data/race_high_Write_a_multi_choice_question_for_the_following_article/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d9457a07e5f220bf1c993df188d07950c92f7ab3
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_for_the_following_article/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f21a99455625d8cfb0bba55c0f99930c5cc98266f29cd5218aeddf86cce8f686
+size 9818658
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/train.tfrecord-00000-of-00001 b/data/race_high_Write_a_multi_choice_question_for_the_following_article/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b13a251832cc4102e8f9df7b2f62988f84469350
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_for_the_following_article/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:466737820763df3e3a5ac8392d76b67a8fa4398d24932b01d231f7e02d966b58
+size 177151167
diff --git a/data/race_high_Write_a_multi_choice_question_for_the_following_article/validation.tfrecord-00000-of-00001 b/data/race_high_Write_a_multi_choice_question_for_the_following_article/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d145f21226bebac1c1b13a662c6bcdd9defa2da1
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_for_the_following_article/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a6049a3c9d23261113db5fd91915657aa83732afe2378359ca0c79a9f53b40ae
+size 9716738
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/COMPLETED b/data/race_high_Write_a_multi_choice_question_options_given_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/info.test.json b/data/race_high_Write_a_multi_choice_question_options_given_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_options_given_/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/info.train.json b/data/race_high_Write_a_multi_choice_question_options_given_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_options_given_/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/info.validation.json b/data/race_high_Write_a_multi_choice_question_options_given_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_options_given_/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/stats.test.json b/data/race_high_Write_a_multi_choice_question_options_given_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..36c71a72278fb8ba156b6a3ed600f06f66006325
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_options_given_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3498,
+  "inputs_max_tokens": 722,
+  "inputs_tokens": 1604562,
+  "targets_max_tokens": 43,
+  "targets_tokens": 47815
+}
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/stats.train.json b/data/race_high_Write_a_multi_choice_question_options_given_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ce19627b3d31b64ced2bd83946444d6e06f42208
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_options_given_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 62445,
+  "inputs_max_tokens": 742,
+  "inputs_tokens": 28945603,
+  "targets_max_tokens": 88,
+  "targets_tokens": 852445
+}
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/stats.validation.json b/data/race_high_Write_a_multi_choice_question_options_given_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aa64324b35977affbe155af3764fab76d0421149
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_options_given_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3451,
+  "inputs_max_tokens": 682,
+  "inputs_tokens": 1588423,
+  "targets_max_tokens": 36,
+  "targets_tokens": 46451
+}
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/test.tfrecord-00000-of-00001 b/data/race_high_Write_a_multi_choice_question_options_given_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2e081ae26614c8bb31a4c860d1f6da9059b2781c
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_options_given_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:76b928c5c61460dcf66a23525cb9559e80da6198f1c0f372041522590f160413
+size 10139838
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/train.tfrecord-00000-of-00001 b/data/race_high_Write_a_multi_choice_question_options_given_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6ae37cb42ddfe982dd9aeea518ff10c6ce364388
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_options_given_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:00fc8159a14dd6fcc1f6a551c9baa5d00e7384b4bb319a2fa80c689b0838d61b
+size 182852278
diff --git a/data/race_high_Write_a_multi_choice_question_options_given_/validation.tfrecord-00000-of-00001 b/data/race_high_Write_a_multi_choice_question_options_given_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5e219a1226e5ae1d8657dd395b282605abedc4eb
--- /dev/null
+++ b/data/race_high_Write_a_multi_choice_question_options_given_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f421903f7d17719545e74b53bc8f6c9b497806aca80afaf10e3c797607e798e0
+size 10030924
diff --git a/data/race_middle_Is_this_the_right_answer/COMPLETED b/data/race_middle_Is_this_the_right_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_middle_Is_this_the_right_answer/info.test.json b/data/race_middle_Is_this_the_right_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Is_this_the_right_answer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Is_this_the_right_answer/info.train.json b/data/race_middle_Is_this_the_right_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Is_this_the_right_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Is_this_the_right_answer/info.validation.json b/data/race_middle_Is_this_the_right_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Is_this_the_right_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Is_this_the_right_answer/stats.test.json b/data/race_middle_Is_this_the_right_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c69c3428b1f8cda121a746a6153b3b8ddf6f2830
--- /dev/null
+++ b/data/race_middle_Is_this_the_right_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 626,
+  "inputs_tokens": 418892,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1436
+}
diff --git a/data/race_middle_Is_this_the_right_answer/stats.train.json b/data/race_middle_Is_this_the_right_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..eaa7f840533d825bd65ca1d3a02948b6db6a52a4
--- /dev/null
+++ b/data/race_middle_Is_this_the_right_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25421,
+  "inputs_max_tokens": 651,
+  "inputs_tokens": 7268940,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25421
+}
diff --git a/data/race_middle_Is_this_the_right_answer/stats.validation.json b/data/race_middle_Is_this_the_right_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2979950bee00a6d5589909674020521e4889c249
--- /dev/null
+++ b/data/race_middle_Is_this_the_right_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 546,
+  "inputs_tokens": 412149,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1436
+}
diff --git a/data/race_middle_Is_this_the_right_answer/test.tfrecord-00000-of-00001 b/data/race_middle_Is_this_the_right_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cfe28cbd5aaf6fc71deb4139cbce1a1c18fa41e7
--- /dev/null
+++ b/data/race_middle_Is_this_the_right_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c1a691896126f384c8b7b09a295935abf9f73084bca9e5c26e8b627e383be7e7
+size 2543595
diff --git a/data/race_middle_Is_this_the_right_answer/train.tfrecord-00000-of-00001 b/data/race_middle_Is_this_the_right_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d383c944993fef3ed1897015843d627e26d15563
--- /dev/null
+++ b/data/race_middle_Is_this_the_right_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72bfd310f83725d34d9b42b29ba01bf17f148ce30720c57a588c6f6e54bc6714
+size 44269017
diff --git a/data/race_middle_Is_this_the_right_answer/validation.tfrecord-00000-of-00001 b/data/race_middle_Is_this_the_right_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..73d5fe4076a8cf378cf85636eacf150669fd13e5
--- /dev/null
+++ b/data/race_middle_Is_this_the_right_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f3b2894a6d90c68b0142e857ffe0e7bf210a3f5ef81187170d64c742e2b919ac
+size 2509685
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/COMPLETED b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/info.test.json b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/info.train.json b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/info.validation.json b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/stats.test.json b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..974bf4314c218f5bf1c509097bd23445abf28bb2
--- /dev/null
+++ b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 616,
+  "inputs_tokens": 411439,
+  "targets_max_tokens": 27,
+  "targets_tokens": 8658
+}
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/stats.train.json b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b936f0766658cb97688fa495acf9677165621758
--- /dev/null
+++ b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25421,
+  "inputs_max_tokens": 643,
+  "inputs_tokens": 7140702,
+  "targets_max_tokens": 34,
+  "targets_tokens": 150165
+}
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/stats.validation.json b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3a731300669ab66392d7dd8bf6640b3f7a8addbe
--- /dev/null
+++ b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 544,
+  "inputs_tokens": 404749,
+  "targets_max_tokens": 37,
+  "targets_tokens": 8603
+}
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/test.tfrecord-00000-of-00001 b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..98ff545e66826e110d45659387ffae679823a712
--- /dev/null
+++ b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9458263511bb295866e6ebc16889b072a87b9d23bc7ee6d9a209f5945214bae7
+size 2718252
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/train.tfrecord-00000-of-00001 b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..281ebb52ef58429ac628e9918470da271aa67a33
--- /dev/null
+++ b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f633ca7125b2e77fb2dea1717b151aadc5f477d12d50894eca7059cc793e9288
+size 47312266
diff --git a/data/race_middle_Read_the_article_and_answer_the_question_no_option_/validation.tfrecord-00000-of-00001 b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b3e1ca7ba429572c9d4290ee83ec55294517e200
--- /dev/null
+++ b/data/race_middle_Read_the_article_and_answer_the_question_no_option_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8c3b8fb79e02e8d778cc67edb6e33cb8376f9994a3dee95d1a1cda5ad246253f
+size 2682655
diff --git a/data/race_middle_Select_the_best_answer/COMPLETED b/data/race_middle_Select_the_best_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_middle_Select_the_best_answer/info.test.json b/data/race_middle_Select_the_best_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Select_the_best_answer/info.train.json b/data/race_middle_Select_the_best_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Select_the_best_answer/info.validation.json b/data/race_middle_Select_the_best_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Select_the_best_answer/stats.test.json b/data/race_middle_Select_the_best_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..bb41a7967b686968259f5f964242b8f417140db2
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 660,
+  "inputs_tokens": 455696,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1436
+}
diff --git a/data/race_middle_Select_the_best_answer/stats.train.json b/data/race_middle_Select_the_best_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..24aa8046d3b08f6f4ef0e5fdd347034405cabeda
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25421,
+  "inputs_max_tokens": 699,
+  "inputs_tokens": 7916703,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25421
+}
diff --git a/data/race_middle_Select_the_best_answer/stats.validation.json b/data/race_middle_Select_the_best_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..efae988dc754f0f6e25d3d2fc3589e04ed8057f9
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 574,
+  "inputs_tokens": 448980,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1436
+}
diff --git a/data/race_middle_Select_the_best_answer/test.tfrecord-00000-of-00001 b/data/race_middle_Select_the_best_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..914f70a683869c4c790ec5797788a027892edfc1
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c5026c77dd516d8da7a7d738163808ba48eae1adc39f3d3fd7a39ab74547fec0
+size 2759857
diff --git a/data/race_middle_Select_the_best_answer/train.tfrecord-00000-of-00001 b/data/race_middle_Select_the_best_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9e2a1c49724bf88931f411092f6de5b7db0a4d46
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fe77d74890bc2723f230883822b08e91918cc2d1673b9aba89369884e22a7f24
+size 48059265
diff --git a/data/race_middle_Select_the_best_answer/validation.tfrecord-00000-of-00001 b/data/race_middle_Select_the_best_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8d2076e5d7e7822a75484776917ccd60f9be6b8d
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:978f581db35d60c907f49604b29995f33b6bc3da58909e89bd7047fa220af416
+size 2724665
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/COMPLETED b/data/race_middle_Select_the_best_answer_generate_span_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/info.test.json b/data/race_middle_Select_the_best_answer_generate_span_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_generate_span_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/info.train.json b/data/race_middle_Select_the_best_answer_generate_span_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_generate_span_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/info.validation.json b/data/race_middle_Select_the_best_answer_generate_span_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_generate_span_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/stats.test.json b/data/race_middle_Select_the_best_answer_generate_span_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f7ea32a00758f46247b6a895b07fcf554baafd0c
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_generate_span_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 659,
+  "inputs_tokens": 454260,
+  "targets_max_tokens": 27,
+  "targets_tokens": 8658
+}
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/stats.train.json b/data/race_middle_Select_the_best_answer_generate_span_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..48ff1ab32cda6a4970ff9e68d6612cf4b4ffc543
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_generate_span_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25421,
+  "inputs_max_tokens": 698,
+  "inputs_tokens": 7891282,
+  "targets_max_tokens": 34,
+  "targets_tokens": 150165
+}
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/stats.validation.json b/data/race_middle_Select_the_best_answer_generate_span_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4cd646a697b7fe38dc7f0e09d76402b80bc43a6d
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_generate_span_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 573,
+  "inputs_tokens": 447544,
+  "targets_max_tokens": 37,
+  "targets_tokens": 8603
+}
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/test.tfrecord-00000-of-00001 b/data/race_middle_Select_the_best_answer_generate_span_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..42e5d47e4bd2ec05c7d5b494b21fac6d2cb6c205
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_generate_span_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:faa526f2748f31c74b73c0552d10ca7a98a1df20be769aa071a538adb30e18ad
+size 2926088
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/train.tfrecord-00000-of-00001 b/data/race_middle_Select_the_best_answer_generate_span_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..151c9c9013efa1413b1ec7842f84277599e1bea6
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_generate_span_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:00c5995f7607ee3ae2ce3db44837ca1d19dd1b3c118a64e496ab9addd17e91f8
+size 50934270
diff --git a/data/race_middle_Select_the_best_answer_generate_span_/validation.tfrecord-00000-of-00001 b/data/race_middle_Select_the_best_answer_generate_span_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2d5fb4b566dae0696a573cfa97d9c611e91b2b5a
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_generate_span_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5300a23573a13fb18366ceda2b5b35936417cdb960889f0b6e673a28cc51cf74
+size 2888682
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/COMPLETED b/data/race_middle_Select_the_best_answer_no_instructions_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/info.test.json b/data/race_middle_Select_the_best_answer_no_instructions_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_no_instructions_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/info.train.json b/data/race_middle_Select_the_best_answer_no_instructions_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_no_instructions_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/info.validation.json b/data/race_middle_Select_the_best_answer_no_instructions_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_no_instructions_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/stats.test.json b/data/race_middle_Select_the_best_answer_no_instructions_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..191b3a0598dc351f99a0680239d4249ca633d0e4
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_no_instructions_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 645,
+  "inputs_tokens": 434156,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1436
+}
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/stats.train.json b/data/race_middle_Select_the_best_answer_no_instructions_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e1f327e362cab8872aa77fed5f8b2c0d9c700437
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_no_instructions_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25421,
+  "inputs_max_tokens": 684,
+  "inputs_tokens": 7535388,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25421
+}
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/stats.validation.json b/data/race_middle_Select_the_best_answer_no_instructions_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..855069f9270553e4ca33f23c728c204edb15c143
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_no_instructions_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 559,
+  "inputs_tokens": 427440,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1436
+}
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/test.tfrecord-00000-of-00001 b/data/race_middle_Select_the_best_answer_no_instructions_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bbb12f9cb7c4cc0d9d059b982ed8ab63cfcd88d9
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_no_instructions_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:efba49521e181f6a80f2903205a95e847f2eef08a6e6dfc9df81021803040d0a
+size 2620560
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/train.tfrecord-00000-of-00001 b/data/race_middle_Select_the_best_answer_no_instructions_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7bcb49f3afe6f66420a40babfab05974ecffccc1
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_no_instructions_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:321978e843f1710999b83fdc9482be10f917df95d7594684d47fdcece70fb1bb
+size 45593295
diff --git a/data/race_middle_Select_the_best_answer_no_instructions_/validation.tfrecord-00000-of-00001 b/data/race_middle_Select_the_best_answer_no_instructions_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c14f787a2d86a1d9675cb7c86418500b56699003
--- /dev/null
+++ b/data/race_middle_Select_the_best_answer_no_instructions_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:508347cd2eb051b2bd458579f06b20ab057d5d42290235ebb2ddac10270fa1cc
+size 2585363
diff --git a/data/race_middle_Taking_a_test/COMPLETED b/data/race_middle_Taking_a_test/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_middle_Taking_a_test/info.test.json b/data/race_middle_Taking_a_test/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Taking_a_test/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Taking_a_test/info.train.json b/data/race_middle_Taking_a_test/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Taking_a_test/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Taking_a_test/info.validation.json b/data/race_middle_Taking_a_test/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/race_middle_Taking_a_test/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Taking_a_test/stats.test.json b/data/race_middle_Taking_a_test/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8eb8a7388945a6191197ea4e9cc514329f5a689d
--- /dev/null
+++ b/data/race_middle_Taking_a_test/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 672,
+  "inputs_tokens": 472928,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1436
+}
diff --git a/data/race_middle_Taking_a_test/stats.train.json b/data/race_middle_Taking_a_test/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..dc1b1498489e46ca6e349d179b281743f8fb2b19
--- /dev/null
+++ b/data/race_middle_Taking_a_test/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25421,
+  "inputs_max_tokens": 711,
+  "inputs_tokens": 8221755,
+  "targets_max_tokens": 1,
+  "targets_tokens": 25421
+}
diff --git a/data/race_middle_Taking_a_test/stats.validation.json b/data/race_middle_Taking_a_test/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..23cf1eea4b59e6b80a5eb5d3f539596d48685583
--- /dev/null
+++ b/data/race_middle_Taking_a_test/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 586,
+  "inputs_tokens": 466212,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1436
+}
diff --git a/data/race_middle_Taking_a_test/test.tfrecord-00000-of-00001 b/data/race_middle_Taking_a_test/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f37c14bf2abaf298bc7370995544187797257370
--- /dev/null
+++ b/data/race_middle_Taking_a_test/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:83788a276b46f744ad2738d74a04c36f7bc88aaa0d15ec00736707475b310b51
+size 2843148
diff --git a/data/race_middle_Taking_a_test/train.tfrecord-00000-of-00001 b/data/race_middle_Taking_a_test/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f50b4845698a6a204fadb0e449349b333a947450
--- /dev/null
+++ b/data/race_middle_Taking_a_test/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:26a3e730fc9d02838217c2dea1323a3b831b4f5e773db692916e3e8cc7a54012
+size 49533702
diff --git a/data/race_middle_Taking_a_test/validation.tfrecord-00000-of-00001 b/data/race_middle_Taking_a_test/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d00ce13a133e418d43daa5e0e64bb71b841ea83c
--- /dev/null
+++ b/data/race_middle_Taking_a_test/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dfd43f8c53e1ee0b37a92fa5f5afd76377a0cd3873834c7d40088b79bfeaab4b
+size 2807953
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/COMPLETED b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/info.test.json b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/info.train.json b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/info.validation.json b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/stats.test.json b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b5102628b0d4ad66b72290f5f971e2c7c4d262cf
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 596,
+  "inputs_tokens": 394379,
+  "targets_max_tokens": 114,
+  "targets_tokens": 65625
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/stats.train.json b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a718f289c98d2c6360dc4936de9eeba70936dcfa
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25421,
+  "inputs_max_tokens": 626,
+  "inputs_tokens": 6835570,
+  "targets_max_tokens": 136,
+  "targets_tokens": 1157396
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/stats.validation.json b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..522762127410ea5074ce91e6e2220c7395891c8f
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 529,
+  "inputs_tokens": 387526,
+  "targets_max_tokens": 101,
+  "targets_tokens": 65762
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/test.tfrecord-00000-of-00001 b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..61b7b73bf382b0f54663b48cfd348e98b4e5a903
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f66d37ee9075f01bb1dd42a0ce73b636ded2a65e2cb79a35cc4d1301bab27a6f
+size 2747457
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/train.tfrecord-00000-of-00001 b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7afb4191aa06b79bad147196ae0de44789c02955
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:342353e90382edc210d482c3a0a74502540b03efa680c37dc6a7ae60a38630b3
+size 47839525
diff --git a/data/race_middle_Write_a_multi_choice_question_for_the_following_article/validation.tfrecord-00000-of-00001 b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..24e68305f7093e8a7b317dc6d678b167a00628d2
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_for_the_following_article/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8d24af4f0c69fc3772fe7c15360bb9a1155e670379a295bb512c93055b77d6fb
+size 2712235
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/COMPLETED b/data/race_middle_Write_a_multi_choice_question_options_given_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/info.test.json b/data/race_middle_Write_a_multi_choice_question_options_given_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_options_given_/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/info.train.json b/data/race_middle_Write_a_multi_choice_question_options_given_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_options_given_/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/info.validation.json b/data/race_middle_Write_a_multi_choice_question_options_given_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_options_given_/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/stats.test.json b/data/race_middle_Write_a_multi_choice_question_options_given_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..35eafbc1c0d3a6d63cc2ee3ced91812f76ff821d
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_options_given_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 662,
+  "inputs_tokens": 461654,
+  "targets_max_tokens": 34,
+  "targets_tokens": 17060
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/stats.train.json b/data/race_middle_Write_a_multi_choice_question_options_given_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7bf03883976d60cb963e650d2e902111fe7f58e6
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_options_given_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 25421,
+  "inputs_max_tokens": 708,
+  "inputs_tokens": 8015946,
+  "targets_max_tokens": 89,
+  "targets_tokens": 305132
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/stats.validation.json b/data/race_middle_Write_a_multi_choice_question_options_given_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ef89b53d2bfc7b84b95545c195b8d90473894f89
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_options_given_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1436,
+  "inputs_max_tokens": 583,
+  "inputs_tokens": 454720,
+  "targets_max_tokens": 37,
+  "targets_tokens": 17223
+}
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/test.tfrecord-00000-of-00001 b/data/race_middle_Write_a_multi_choice_question_options_given_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..141ebcbf12686843adef5c1262e419c232045b91
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_options_given_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b98fad4229bc0fff43bbe872a750f9caf9efa51d8ab80a0996d6fd8d67c2d267
+size 2858351
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/train.tfrecord-00000-of-00001 b/data/race_middle_Write_a_multi_choice_question_options_given_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f0ac8829c4bf4f3f4f9abb2118ba44fb53b7a3b8
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_options_given_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a92eb57e30a2b1d0d97fe5772eeb9367d40c32f02c5994c4370c9687b67f3bc3
+size 49785061
diff --git a/data/race_middle_Write_a_multi_choice_question_options_given_/validation.tfrecord-00000-of-00001 b/data/race_middle_Write_a_multi_choice_question_options_given_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b89375eabbe83062bd1219bc1d203c683d16611e
--- /dev/null
+++ b/data/race_middle_Write_a_multi_choice_question_options_given_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:69e9e86d864093795e98f6af0afaec464234d57923dfbdd74a392de31518b130
+size 2822675
diff --git a/data/ropes_background_new_situation_answer/COMPLETED b/data/ropes_background_new_situation_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_background_new_situation_answer/info.test.json b/data/ropes_background_new_situation_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_background_new_situation_answer/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_background_new_situation_answer/info.train.json b/data/ropes_background_new_situation_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_background_new_situation_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_background_new_situation_answer/info.validation.json b/data/ropes_background_new_situation_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_background_new_situation_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_background_new_situation_answer/stats.test.json b/data/ropes_background_new_situation_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_background_new_situation_answer/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_background_new_situation_answer/stats.train.json b/data/ropes_background_new_situation_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..612c19fcb992a5130a202eacd6d238f6013b50fd
--- /dev/null
+++ b/data/ropes_background_new_situation_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 680,
+  "inputs_tokens": 2817362,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_background_new_situation_answer/stats.validation.json b/data/ropes_background_new_situation_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..de2ea8bdb28c205dc53624de4f11f8e42d53c554
--- /dev/null
+++ b/data/ropes_background_new_situation_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 486,
+  "inputs_tokens": 417202,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_background_new_situation_answer/test.tfrecord-00000-of-00001 b/data/ropes_background_new_situation_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_background_new_situation_answer/train.tfrecord-00000-of-00001 b/data/ropes_background_new_situation_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c15c22b59d3a636573aaf1d9b3b43880491e4a78
--- /dev/null
+++ b/data/ropes_background_new_situation_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f58f1858bc2fac7fd265117b63acc35f31bad889991367172b192887c26465f5
+size 18316680
diff --git a/data/ropes_background_new_situation_answer/validation.tfrecord-00000-of-00001 b/data/ropes_background_new_situation_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..03dbc45a4a0da14f5755697585d7659a8b4a79ad
--- /dev/null
+++ b/data/ropes_background_new_situation_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:76883a8125d0c6447b8b04598406d40207eeddaca608e68b829a4f10bd500fe4
+size 2596288
diff --git a/data/ropes_background_situation_middle/COMPLETED b/data/ropes_background_situation_middle/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_background_situation_middle/info.test.json b/data/ropes_background_situation_middle/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_background_situation_middle/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_background_situation_middle/info.train.json b/data/ropes_background_situation_middle/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_background_situation_middle/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_background_situation_middle/info.validation.json b/data/ropes_background_situation_middle/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_background_situation_middle/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_background_situation_middle/stats.test.json b/data/ropes_background_situation_middle/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_background_situation_middle/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_background_situation_middle/stats.train.json b/data/ropes_background_situation_middle/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..612c19fcb992a5130a202eacd6d238f6013b50fd
--- /dev/null
+++ b/data/ropes_background_situation_middle/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 680,
+  "inputs_tokens": 2817362,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_background_situation_middle/stats.validation.json b/data/ropes_background_situation_middle/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..de2ea8bdb28c205dc53624de4f11f8e42d53c554
--- /dev/null
+++ b/data/ropes_background_situation_middle/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 486,
+  "inputs_tokens": 417202,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_background_situation_middle/test.tfrecord-00000-of-00001 b/data/ropes_background_situation_middle/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_background_situation_middle/train.tfrecord-00000-of-00001 b/data/ropes_background_situation_middle/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5bf940cea303e7dbca1747418b488a0dfd1ee07d
--- /dev/null
+++ b/data/ropes_background_situation_middle/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:352495831f39e7bf3f97d127c134a7dee45372e07d7582edba6894b5c8249cdf
+size 18196516
diff --git a/data/ropes_background_situation_middle/validation.tfrecord-00000-of-00001 b/data/ropes_background_situation_middle/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fe5315215dd4a5ffb3f503550608b84f385f4f25
--- /dev/null
+++ b/data/ropes_background_situation_middle/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0dd6435a99d2ba6356f7a045e93cc912b6e6cf3aef65df952e6e336dd36d1e9d
+size 2577720
diff --git a/data/ropes_given_background_situation/COMPLETED b/data/ropes_given_background_situation/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_given_background_situation/info.test.json b/data/ropes_given_background_situation/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_given_background_situation/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_given_background_situation/info.train.json b/data/ropes_given_background_situation/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_given_background_situation/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_given_background_situation/info.validation.json b/data/ropes_given_background_situation/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_given_background_situation/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_given_background_situation/stats.test.json b/data/ropes_given_background_situation/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_given_background_situation/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_given_background_situation/stats.train.json b/data/ropes_given_background_situation/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..75212e0a1631398d99d79a563bc70da5b71fae21
--- /dev/null
+++ b/data/ropes_given_background_situation/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 673,
+  "inputs_tokens": 2740894,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_given_background_situation/stats.validation.json b/data/ropes_given_background_situation/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6f24df7818da9db45c83ccf4434f1412108c09fe
--- /dev/null
+++ b/data/ropes_given_background_situation/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 479,
+  "inputs_tokens": 405386,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_given_background_situation/test.tfrecord-00000-of-00001 b/data/ropes_given_background_situation/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_given_background_situation/train.tfrecord-00000-of-00001 b/data/ropes_given_background_situation/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cac34f35734cbc2aac0c19e1a49e2a8e6244574b
--- /dev/null
+++ b/data/ropes_given_background_situation/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:46abd11319e4705831a24b25e525b45fe730f25ad07648f3797a0fc39210abb8
+size 18087276
diff --git a/data/ropes_given_background_situation/validation.tfrecord-00000-of-00001 b/data/ropes_given_background_situation/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cfa5557608c26aeb5dbaf5dad2cb166e1bb5bef8
--- /dev/null
+++ b/data/ropes_given_background_situation/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:28a0e97ecd11e66e43a0c46963256bf79ad1ee91dacb15b38714900b0d9471c8
+size 2560840
diff --git a/data/ropes_new_situation_background_answer/COMPLETED b/data/ropes_new_situation_background_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_new_situation_background_answer/info.test.json b/data/ropes_new_situation_background_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_new_situation_background_answer/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_new_situation_background_answer/info.train.json b/data/ropes_new_situation_background_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_new_situation_background_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_new_situation_background_answer/info.validation.json b/data/ropes_new_situation_background_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_new_situation_background_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_new_situation_background_answer/stats.test.json b/data/ropes_new_situation_background_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_new_situation_background_answer/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_new_situation_background_answer/stats.train.json b/data/ropes_new_situation_background_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..89e25c63d6f72543318c34014011cd1c5a94b8f8
--- /dev/null
+++ b/data/ropes_new_situation_background_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 682,
+  "inputs_tokens": 2839210,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_new_situation_background_answer/stats.validation.json b/data/ropes_new_situation_background_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aafd83a39760fe6a5b9557f8aa13d56eaf0b60c0
--- /dev/null
+++ b/data/ropes_new_situation_background_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 488,
+  "inputs_tokens": 420578,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_new_situation_background_answer/test.tfrecord-00000-of-00001 b/data/ropes_new_situation_background_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_new_situation_background_answer/train.tfrecord-00000-of-00001 b/data/ropes_new_situation_background_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8cf3c32aea5729d93c0a57fd8bed6f75079025d3
--- /dev/null
+++ b/data/ropes_new_situation_background_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:38e8ce1a2bac84f6bbd8d1fa68e821a9350d0f503d62ffef35bfcfcbabb93b55
+size 18414996
diff --git a/data/ropes_new_situation_background_answer/validation.tfrecord-00000-of-00001 b/data/ropes_new_situation_background_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..13b95466c7190d2095eaf3beec0f3546a1d28b8f
--- /dev/null
+++ b/data/ropes_new_situation_background_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e5be3e6fb5f3ed2fe029ade00db8ede595692f5a7a54320e52af5d31fffea55c
+size 2611480
diff --git a/data/ropes_plain_background_situation/COMPLETED b/data/ropes_plain_background_situation/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_plain_background_situation/info.test.json b/data/ropes_plain_background_situation/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_plain_background_situation/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_plain_background_situation/info.train.json b/data/ropes_plain_background_situation/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_plain_background_situation/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_plain_background_situation/info.validation.json b/data/ropes_plain_background_situation/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_plain_background_situation/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_plain_background_situation/stats.test.json b/data/ropes_plain_background_situation/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_plain_background_situation/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_plain_background_situation/stats.train.json b/data/ropes_plain_background_situation/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..878c5f6df80c855097ae3780fb5f6c49e388354e
--- /dev/null
+++ b/data/ropes_plain_background_situation/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 660,
+  "inputs_tokens": 2598882,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_plain_background_situation/stats.validation.json b/data/ropes_plain_background_situation/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..12998cc441ed72f4cf860bb6695f4cab5fd062b2
--- /dev/null
+++ b/data/ropes_plain_background_situation/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 466,
+  "inputs_tokens": 383442,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_plain_background_situation/test.tfrecord-00000-of-00001 b/data/ropes_plain_background_situation/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_plain_background_situation/train.tfrecord-00000-of-00001 b/data/ropes_plain_background_situation/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..918b37683007441e970b27f3b71b42f612a128d8
--- /dev/null
+++ b/data/ropes_plain_background_situation/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f9cc1e373a25fcd077da122cbe0404f7ddd94973acb1536469a0523c0f473151
+size 17104116
diff --git a/data/ropes_plain_background_situation/validation.tfrecord-00000-of-00001 b/data/ropes_plain_background_situation/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..17ac328f8f16af7c5d051e5bdebb479608339748
--- /dev/null
+++ b/data/ropes_plain_background_situation/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:263d35cdfed0070e87d002f8cf710088ef9aa0e89f3587807af460e476e890ee
+size 2408920
diff --git a/data/ropes_plain_bottom_hint/COMPLETED b/data/ropes_plain_bottom_hint/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_plain_bottom_hint/info.test.json b/data/ropes_plain_bottom_hint/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_plain_bottom_hint/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_plain_bottom_hint/info.train.json b/data/ropes_plain_bottom_hint/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_plain_bottom_hint/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_plain_bottom_hint/info.validation.json b/data/ropes_plain_bottom_hint/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_plain_bottom_hint/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_plain_bottom_hint/stats.test.json b/data/ropes_plain_bottom_hint/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_plain_bottom_hint/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_plain_bottom_hint/stats.train.json b/data/ropes_plain_bottom_hint/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..19caea2e1ea60d0c7836f0d4e249605249e0fc5e
--- /dev/null
+++ b/data/ropes_plain_bottom_hint/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 663,
+  "inputs_tokens": 2631654,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_plain_bottom_hint/stats.validation.json b/data/ropes_plain_bottom_hint/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a29c55e4175ee74c30c18eb57c2fd91206d0911f
--- /dev/null
+++ b/data/ropes_plain_bottom_hint/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 469,
+  "inputs_tokens": 388506,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_plain_bottom_hint/test.tfrecord-00000-of-00001 b/data/ropes_plain_bottom_hint/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_plain_bottom_hint/train.tfrecord-00000-of-00001 b/data/ropes_plain_bottom_hint/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8db77438cf3c80fe6cff47b61859127b0236aef4
--- /dev/null
+++ b/data/ropes_plain_bottom_hint/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:87f13b18af46d19dfcb6b74bb27e22d08867833c704f290cc8940d6986a56aa6
+size 17213356
diff --git a/data/ropes_plain_bottom_hint/validation.tfrecord-00000-of-00001 b/data/ropes_plain_bottom_hint/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..562529271b84359c5425067ada484d866a0cca75
--- /dev/null
+++ b/data/ropes_plain_bottom_hint/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:441088b2c24299ac2500439114a9056db20f7fa17f3d5b578550c67120a4b49e
+size 2425800
diff --git a/data/ropes_plain_no_background/COMPLETED b/data/ropes_plain_no_background/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_plain_no_background/info.test.json b/data/ropes_plain_no_background/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_plain_no_background/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_plain_no_background/info.train.json b/data/ropes_plain_no_background/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_plain_no_background/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_plain_no_background/info.validation.json b/data/ropes_plain_no_background/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_plain_no_background/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_plain_no_background/stats.test.json b/data/ropes_plain_no_background/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_plain_no_background/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_plain_no_background/stats.train.json b/data/ropes_plain_no_background/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..37e72f41b5875cabd2c92e8f09b142d1c9109ba9
--- /dev/null
+++ b/data/ropes_plain_no_background/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 232,
+  "inputs_tokens": 820426,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_plain_no_background/stats.validation.json b/data/ropes_plain_no_background/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e288b0d20b7713bf15bde979a2a4c7c3165ce958
--- /dev/null
+++ b/data/ropes_plain_no_background/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 188,
+  "inputs_tokens": 178761,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_plain_no_background/test.tfrecord-00000-of-00001 b/data/ropes_plain_no_background/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_plain_no_background/train.tfrecord-00000-of-00001 b/data/ropes_plain_no_background/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3b8d9e6a1c1ecd90ee97609b241e2c59e45580da
--- /dev/null
+++ b/data/ropes_plain_no_background/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:59ce2e78a07bb1b48ad0014ee4c6baed07d1b6d1f35dc90d107c61d138e53bae
+size 6380603
diff --git a/data/ropes_plain_no_background/validation.tfrecord-00000-of-00001 b/data/ropes_plain_no_background/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f577f07afdf812d08e9baca8d662854b68828b5b
--- /dev/null
+++ b/data/ropes_plain_no_background/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8fb0b9a9dc3f0b45a00dbe4c18419579f7490bd5194569c06cdf2c297c9bde22
+size 1183017
diff --git a/data/ropes_prompt_beginning/COMPLETED b/data/ropes_prompt_beginning/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_prompt_beginning/beam-temp-info.validation.json-bca62dbe15a811ecb3e0b88303708858/804f82a4-1290-4d34-bd18-246610cb97c6.info.validation.json b/data/ropes_prompt_beginning/beam-temp-info.validation.json-bca62dbe15a811ecb3e0b88303708858/804f82a4-1290-4d34-bd18-246610cb97c6.info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_prompt_beginning/beam-temp-info.validation.json-bca62dbe15a811ecb3e0b88303708858/804f82a4-1290-4d34-bd18-246610cb97c6.info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_prompt_beginning/beam-temp-stats.validation.json-c8c2dee415a811ecb3e0b88303708858/46bd7a0b-8a10-4113-a6b7-5ab1a435a7d6.stats.validation.json b/data/ropes_prompt_beginning/beam-temp-stats.validation.json-c8c2dee415a811ecb3e0b88303708858/46bd7a0b-8a10-4113-a6b7-5ab1a435a7d6.stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..fa5fbf3c4a59e2142f725abb4ead1eaad795044a
--- /dev/null
+++ b/data/ropes_prompt_beginning/beam-temp-stats.validation.json-c8c2dee415a811ecb3e0b88303708858/46bd7a0b-8a10-4113-a6b7-5ab1a435a7d6.stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 481,
+  "inputs_tokens": 408762,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_prompt_beginning/info.test.json b/data/ropes_prompt_beginning/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_prompt_beginning/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_prompt_beginning/info.train.json b/data/ropes_prompt_beginning/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_prompt_beginning/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_prompt_beginning/info.validation.json b/data/ropes_prompt_beginning/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_prompt_beginning/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_prompt_beginning/stats.test.json b/data/ropes_prompt_beginning/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_prompt_beginning/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_prompt_beginning/stats.train.json b/data/ropes_prompt_beginning/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e1391cb2f172411ddd53c3b9d081fc124ce3d9d5
--- /dev/null
+++ b/data/ropes_prompt_beginning/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 675,
+  "inputs_tokens": 2762742,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_prompt_beginning/stats.validation.json b/data/ropes_prompt_beginning/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..fa5fbf3c4a59e2142f725abb4ead1eaad795044a
--- /dev/null
+++ b/data/ropes_prompt_beginning/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 481,
+  "inputs_tokens": 408762,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_prompt_beginning/test.tfrecord-00000-of-00001 b/data/ropes_prompt_beginning/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_prompt_beginning/train.tfrecord-00000-of-00001 b/data/ropes_prompt_beginning/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cb9b275e6443ffdcab5473a5110dda4fa133d064
--- /dev/null
+++ b/data/ropes_prompt_beginning/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8cc528342cf2d065830a23cc4e40f3512c0de74b24601daecc68a479b9fa629e
+size 18316680
diff --git a/data/ropes_prompt_beginning/validation.tfrecord-00000-of-00001 b/data/ropes_prompt_beginning/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cd4a21cf58d0c97bb3309a8d8048b1e5640100f2
--- /dev/null
+++ b/data/ropes_prompt_beginning/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0da297564616e9d8c1e2c85c8262c7a8c6e0ba149d44066406b82f568a5b47d9
+size 2596288
diff --git a/data/ropes_prompt_bottom_hint_beginning/COMPLETED b/data/ropes_prompt_bottom_hint_beginning/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_prompt_bottom_hint_beginning/info.test.json b/data/ropes_prompt_bottom_hint_beginning/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_prompt_bottom_hint_beginning/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_prompt_bottom_hint_beginning/info.train.json b/data/ropes_prompt_bottom_hint_beginning/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_prompt_bottom_hint_beginning/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_prompt_bottom_hint_beginning/info.validation.json b/data/ropes_prompt_bottom_hint_beginning/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_prompt_bottom_hint_beginning/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_prompt_bottom_hint_beginning/stats.test.json b/data/ropes_prompt_bottom_hint_beginning/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_prompt_bottom_hint_beginning/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_prompt_bottom_hint_beginning/stats.train.json b/data/ropes_prompt_bottom_hint_beginning/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d132da4ea0fbcd927d7588e7f1f25d1a3f0c95ed
--- /dev/null
+++ b/data/ropes_prompt_bottom_hint_beginning/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 677,
+  "inputs_tokens": 2784590,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_prompt_bottom_hint_beginning/stats.validation.json b/data/ropes_prompt_bottom_hint_beginning/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..fbaebbc8c99112390c854b098cf70b9d135b7187
--- /dev/null
+++ b/data/ropes_prompt_bottom_hint_beginning/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 483,
+  "inputs_tokens": 412138,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_prompt_bottom_hint_beginning/test.tfrecord-00000-of-00001 b/data/ropes_prompt_bottom_hint_beginning/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_prompt_bottom_hint_beginning/train.tfrecord-00000-of-00001 b/data/ropes_prompt_bottom_hint_beginning/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5780ab6c908c3769270033b5ccb38b56132ce516
--- /dev/null
+++ b/data/ropes_prompt_bottom_hint_beginning/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a6ac4e52fe24179ef1113aa0497e12f397ecb432d6623bef7bd88294de0ea431
+size 18491464
diff --git a/data/ropes_prompt_bottom_hint_beginning/validation.tfrecord-00000-of-00001 b/data/ropes_prompt_bottom_hint_beginning/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..48653419f928c9665b4c19b14210778902dc1c27
--- /dev/null
+++ b/data/ropes_prompt_bottom_hint_beginning/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5a477c67950d1b5f141e08025ce754dcd4057550a678f834aa486479ed3805c3
+size 2623296
diff --git a/data/ropes_prompt_bottom_no_hint/COMPLETED b/data/ropes_prompt_bottom_no_hint/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_prompt_bottom_no_hint/info.test.json b/data/ropes_prompt_bottom_no_hint/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_prompt_bottom_no_hint/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_prompt_bottom_no_hint/info.train.json b/data/ropes_prompt_bottom_no_hint/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_prompt_bottom_no_hint/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_prompt_bottom_no_hint/info.validation.json b/data/ropes_prompt_bottom_no_hint/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_prompt_bottom_no_hint/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_prompt_bottom_no_hint/stats.test.json b/data/ropes_prompt_bottom_no_hint/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_prompt_bottom_no_hint/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_prompt_bottom_no_hint/stats.train.json b/data/ropes_prompt_bottom_no_hint/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6ecd7db87fd586d9169300c3f28e777d205899f0
--- /dev/null
+++ b/data/ropes_prompt_bottom_no_hint/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 244,
+  "inputs_tokens": 951514,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_prompt_bottom_no_hint/stats.validation.json b/data/ropes_prompt_bottom_no_hint/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..cda64f8ee2daba4f587efb706b94c5ad428f8a52
--- /dev/null
+++ b/data/ropes_prompt_bottom_no_hint/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 200,
+  "inputs_tokens": 199017,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_prompt_bottom_no_hint/test.tfrecord-00000-of-00001 b/data/ropes_prompt_bottom_no_hint/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_prompt_bottom_no_hint/train.tfrecord-00000-of-00001 b/data/ropes_prompt_bottom_no_hint/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8c45f40d9d0b76723eafec0581043066aa63a788
--- /dev/null
+++ b/data/ropes_prompt_bottom_no_hint/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:82806754ab992784fdc48c8f150e731bf78167fa9fa59ca35bb254ff756bfec1
+size 7435615
diff --git a/data/ropes_prompt_bottom_no_hint/validation.tfrecord-00000-of-00001 b/data/ropes_prompt_bottom_no_hint/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b6bce2fae2a2ff63c827d6b4d2967f53b86a8d60
--- /dev/null
+++ b/data/ropes_prompt_bottom_no_hint/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e73878a7542428cfeb25e3affb47d7e1e0589b149ba9bb3b0c1174ce2ccd4b73
+size 1345716
diff --git a/data/ropes_prompt_mix/COMPLETED b/data/ropes_prompt_mix/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_prompt_mix/info.test.json b/data/ropes_prompt_mix/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_prompt_mix/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_prompt_mix/info.train.json b/data/ropes_prompt_mix/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_prompt_mix/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_prompt_mix/info.validation.json b/data/ropes_prompt_mix/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_prompt_mix/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_prompt_mix/stats.test.json b/data/ropes_prompt_mix/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_prompt_mix/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_prompt_mix/stats.train.json b/data/ropes_prompt_mix/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e1391cb2f172411ddd53c3b9d081fc124ce3d9d5
--- /dev/null
+++ b/data/ropes_prompt_mix/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 675,
+  "inputs_tokens": 2762742,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_prompt_mix/stats.validation.json b/data/ropes_prompt_mix/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..fa5fbf3c4a59e2142f725abb4ead1eaad795044a
--- /dev/null
+++ b/data/ropes_prompt_mix/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 481,
+  "inputs_tokens": 408762,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_prompt_mix/test.tfrecord-00000-of-00001 b/data/ropes_prompt_mix/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_prompt_mix/train.tfrecord-00000-of-00001 b/data/ropes_prompt_mix/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..680875333d1439f5c21f8bc8b4c8c584d6df338a
--- /dev/null
+++ b/data/ropes_prompt_mix/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2725038d2ad37a0effae4ce0c5ee9fedf5f80cdb578a3433d2d38a35b55b80d9
+size 18272984
diff --git a/data/ropes_prompt_mix/validation.tfrecord-00000-of-00001 b/data/ropes_prompt_mix/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..80aadfb6daf27f3c6ee75ac3465bf4f3c81ab5e6
--- /dev/null
+++ b/data/ropes_prompt_mix/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:97fe3799a839d27069ee58368520c55a5fcdf1574efceb21cecd929128d14dc0
+size 2589536
diff --git a/data/ropes_read_background_situation/COMPLETED b/data/ropes_read_background_situation/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_read_background_situation/info.test.json b/data/ropes_read_background_situation/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/ropes_read_background_situation/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/ropes_read_background_situation/info.train.json b/data/ropes_read_background_situation/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_read_background_situation/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_read_background_situation/info.validation.json b/data/ropes_read_background_situation/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/ropes_read_background_situation/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/ropes_read_background_situation/stats.test.json b/data/ropes_read_background_situation/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/ropes_read_background_situation/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/ropes_read_background_situation/stats.train.json b/data/ropes_read_background_situation/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3c2168f86842e95c6df86af085bdf03685d642b2
--- /dev/null
+++ b/data/ropes_read_background_situation/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10924,
+  "inputs_max_tokens": 702,
+  "inputs_tokens": 3057690,
+  "targets_max_tokens": 20,
+  "targets_tokens": 17409
+}
diff --git a/data/ropes_read_background_situation/stats.validation.json b/data/ropes_read_background_situation/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..691757d78a265161be8adb2b2f6e1fe451927047
--- /dev/null
+++ b/data/ropes_read_background_situation/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1688,
+  "inputs_max_tokens": 508,
+  "inputs_tokens": 454338,
+  "targets_max_tokens": 8,
+  "targets_tokens": 2957
+}
diff --git a/data/ropes_read_background_situation/test.tfrecord-00000-of-00001 b/data/ropes_read_background_situation/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/ropes_read_background_situation/train.tfrecord-00000-of-00001 b/data/ropes_read_background_situation/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..02f9f857f8ce464d2923588d40899ff6ca7cc596
--- /dev/null
+++ b/data/ropes_read_background_situation/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9ba1e92077e9749aa202b6738d14a915f9e9925010e07836fb54b990007295d4
+size 20206532
diff --git a/data/ropes_read_background_situation/validation.tfrecord-00000-of-00001 b/data/ropes_read_background_situation/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..aa00baa5338669a14a1ab5ec7757043b33ac0864
--- /dev/null
+++ b/data/ropes_read_background_situation/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5fe572656c6e722dc5eec817972ca78c0946ac15e0ba26cea27b826b9c05a286
+size 2888312
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/COMPLETED b/data/rotten_tomatoes_Movie_Expressed_Sentiment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/info.test.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/info.train.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/info.validation.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/stats.test.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b875f4c7143d5278664a88dc3ba6ef973c7296d8
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 41479,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/stats.train.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..733204b88b7ab34af8907bebf6a914b4c40220e4
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 112,
+  "inputs_tokens": 329179,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8530
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/stats.validation.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a3e0eb8b92a6ee6d6b6f5bad88400e5de03f1ecc
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 105,
+  "inputs_tokens": 41108,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Movie_Expressed_Sentiment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3fb253691cc20932242243155fdf8aaa996bc875
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dcc8a2df416e18deed3cd4028868696c43ab0a65aa0f55e7323d8ad758fe3be6
+size 407364
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Movie_Expressed_Sentiment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..23466e2873ebb63e6cccdc1f9e0197d8b1399fcf
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fb7672860603d6fddd8425b20561cfa0e351af8f279fe32e6d3855a427db83cb
+size 3242408
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Movie_Expressed_Sentiment/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..63857a6b9bfbb5efb63fb1b626b9b58a7f24cf70
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e5041bc50df95e417ffbf61177fbc494fd00ba8d6bafeeb293730fe72f9bc456
+size 405551
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/COMPLETED b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/info.test.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/info.train.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/info.validation.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/stats.test.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..99df4508bf0980c35bf735c82e50589dc80ce16d
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 44677,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/stats.train.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..139407dca1e4e5b4fd6ca9f59652cccd03c01f22
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 115,
+  "inputs_tokens": 354769,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8530
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/stats.validation.json b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6b24e5add0d8f9981f4373e3d14f30eb9d1f0eb6
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 108,
+  "inputs_tokens": 44306,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bf0d84b18980f4e53a1d2c379a383107e75f5e2f
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:007901602060b6512c20c36927cc12caca6d756ff43511ad1b195b88738640bf
+size 425822
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..83d3361fe8fc3e38f22df65553af1a4af0360972
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:93debedfc0289691bef5d1f5df8d3922b2e29b7febfdc86e538252a46d37011b
+size 3389881
diff --git a/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..22f5e0094283eced6edd11d0e127e22313aa997d
--- /dev/null
+++ b/data/rotten_tomatoes_Movie_Expressed_Sentiment_2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a32baab7aeeb43c8736e486e0e6897dd33a3f9341b5ca63928a0de4297d53db6
+size 423986
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/COMPLETED b/data/rotten_tomatoes_Reviewer_Enjoyment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/info.test.json b/data/rotten_tomatoes_Reviewer_Enjoyment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/info.train.json b/data/rotten_tomatoes_Reviewer_Enjoyment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/info.validation.json b/data/rotten_tomatoes_Reviewer_Enjoyment/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/stats.test.json b/data/rotten_tomatoes_Reviewer_Enjoyment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c68761203fa0415e2c5ff1d1973b173d3a4f0cf8
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 44677,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4797
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/stats.train.json b/data/rotten_tomatoes_Reviewer_Enjoyment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a000a74c4c4563352c37e498a707dee4f18e1e74
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 115,
+  "inputs_tokens": 354769,
+  "targets_max_tokens": 6,
+  "targets_tokens": 38385
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/stats.validation.json b/data/rotten_tomatoes_Reviewer_Enjoyment/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d5584a76512ae2f623cfe2a5bdfb8b99c0907834
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 108,
+  "inputs_tokens": 44306,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4797
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Enjoyment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6dd17adffe9124405ba0f298daf1ea82cae8109d
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fa2054450530533235347df6886c40ffd31b4e35678f1441864419c5f1281bfa
+size 446375
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Enjoyment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..acf0ccd0b6599bcb4b41fb5043d1086f09cca219
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a133bc35ae57632c6fa89230e0a686e534fe9a0535a918638a53db3c5cd4b551
+size 3554499
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Enjoyment/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4d285a46418c0229d4798dce2adbc5ebce1f4e4d
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ffced9f87dde9e0f86f2c2877ba722ec0fa530652c60a6034940f58d51079618
+size 444527
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/COMPLETED b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/info.test.json b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/info.train.json b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/info.validation.json b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/stats.test.json b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d627419e5747ea1eaba4ab33b8406173892438d5
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 93,
+  "inputs_tokens": 42545,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/stats.train.json b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1911e455e0ea1b18d48f13bfa5aa404993fb14e0
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 113,
+  "inputs_tokens": 337709,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8530
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/stats.validation.json b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..734bd9a96d5b6a66fea8e7fc244163e267ed3309
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 106,
+  "inputs_tokens": 42174,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5afb6a135e234f87bc3244cc1b245c0153a44d55
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:76320ebddf56e532329241422d8d3e7d9f59b873e500fc3b2af3b2b817114ccb
+size 384247
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8c081ae01e6767870cdae6f2ac6c8f2c6d1a6e28
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5523cf9ace41fe350edb471c20aac2a9fec148f5b76faa31eebfd500983d8b13
+size 3057476
diff --git a/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dc94fd50fc35d89122bffa500c7380ff74265161
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1cad74c3fa8f05044ed13a9a60428560a42ace78f3432bdb41549389d4387566
+size 382441
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/COMPLETED b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/info.test.json b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/info.train.json b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/info.validation.json b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/stats.test.json b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a6e8ed9138477c4dc3936ca2bcdb6edb01648add
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 98,
+  "inputs_tokens": 47875,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/stats.train.json b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e44ad628e3e5195a7bcbd8bef49cdbdb48b9f138
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 118,
+  "inputs_tokens": 380359,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8530
+}
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/stats.validation.json b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e6ad9565ba28ea2e3c6b6f403341d143cb51352c
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 111,
+  "inputs_tokens": 47504,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..31367fc676a2e2f6d6a15ebc9e61cd00e02a21de
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8b5b0b46fae8f18b3317a737dfa229a3fca132aa1629b2e31889de7ee0f80f9e
+size 439901
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3082ae043669dd3b8e066612d656a98d8a41c516
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3e0bdb0852fe6de1f088bec66f4a636799af176b63a53478befbbf90b6471978
+size 3502628
diff --git a/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5094850bb0a27f7e00dc9a373358b8a641052e3f
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Expressed_Sentiment/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a019dcf81d475933e6b3c828c6c6c4bf5a34112a004989cf18dea879caa26575
+size 438058
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/COMPLETED b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/info.test.json b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/info.train.json b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/info.validation.json b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/stats.test.json b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..71eee6ae587c021e99a51d5496b328ad9facb7e0
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 96,
+  "inputs_tokens": 45743,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/stats.train.json b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..da52046fadfb5fc74dd6ec500553a6bc3f70fb2c
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 116,
+  "inputs_tokens": 363299,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8530
+}
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/stats.validation.json b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f898b27c2b44e98602fc682aa872c587bde62d85
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 109,
+  "inputs_tokens": 45372,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3c6cdf131ff5bd4544f9537a641cd24a300b2e48
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e163b6a65863ca68ee7adf5c4cf4dad8d127759ade6ca402179b58821c5a9492
+size 405934
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bb8ca3dd9a071eb74b600e3f4e4543323f1c4dfc
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ef3792d4d57eb80f870d83c9c1f7cf302e276e38f56f8aa4eafceb01469e9db8
+size 3230813
diff --git a/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9e99fa22889589fdc7e9795f2f9d595d75b92fee
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eb887a422a83b89ea54489d7aab920425da1aa6094cf0c6d2b96202f9179b4c9
+size 404081
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/COMPLETED b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/info.test.json b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/info.train.json b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/info.validation.json b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/stats.test.json b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..71fffd51c2f157fe8a71dcf13f1c6bdc9918ccf0
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 43611,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/stats.train.json b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..bf508e6a811cef73d238baded70281940a431d6e
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 114,
+  "inputs_tokens": 346239,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8530
+}
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/stats.validation.json b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..68ea912ec679a7c1c87e5a5b7b09351e4cd0ca68
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 107,
+  "inputs_tokens": 43240,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..43f96b0a9c97e635f9a6055f1d5b46af37794e80
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1579b7a1e7af428d54a0500e1d0f07e1d4286cb79cca16c3e308c273aed7019f
+size 413802
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a56adbf1e9ec293c6f1ff07c306d39ed1e444651
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bd3306ca826e5b503e8e280888c416ccebf6f152fe97a3539324c178af07d99d
+size 3293887
diff --git a/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2d3d05c887c1f3ae3a3d8d30be959080181db06e
--- /dev/null
+++ b/data/rotten_tomatoes_Reviewer_Sentiment_Feeling/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5a6abe27870c07c7ab50e3c099b4c0fa6f58a41fa60a762c9774195b1faacc50
+size 411976
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/COMPLETED b/data/rotten_tomatoes_Sentiment_with_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/info.test.json b/data/rotten_tomatoes_Sentiment_with_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Sentiment_with_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/info.train.json b/data/rotten_tomatoes_Sentiment_with_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Sentiment_with_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/info.validation.json b/data/rotten_tomatoes_Sentiment_with_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Sentiment_with_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/stats.test.json b/data/rotten_tomatoes_Sentiment_with_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d627419e5747ea1eaba4ab33b8406173892438d5
--- /dev/null
+++ b/data/rotten_tomatoes_Sentiment_with_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 93,
+  "inputs_tokens": 42545,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/stats.train.json b/data/rotten_tomatoes_Sentiment_with_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1911e455e0ea1b18d48f13bfa5aa404993fb14e0
--- /dev/null
+++ b/data/rotten_tomatoes_Sentiment_with_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 113,
+  "inputs_tokens": 337709,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8530
+}
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/stats.validation.json b/data/rotten_tomatoes_Sentiment_with_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..734bd9a96d5b6a66fea8e7fc244163e267ed3309
--- /dev/null
+++ b/data/rotten_tomatoes_Sentiment_with_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 106,
+  "inputs_tokens": 42174,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Sentiment_with_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..088fbfb0b1b3da041f4cc7dd9d8b1e1508f582e4
--- /dev/null
+++ b/data/rotten_tomatoes_Sentiment_with_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1e49260107ca824958e5cc47ea2a4266b5b79eb213dd214fb495c892786194ee
+size 406213
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Sentiment_with_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6ca1d22997e50511ad0d8b90848339d624091d8f
--- /dev/null
+++ b/data/rotten_tomatoes_Sentiment_with_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5d03d10e011e2b759d4fcc76d949112e468445ac02f9b6d0c4076eae65c1500d
+size 3233234
diff --git a/data/rotten_tomatoes_Sentiment_with_choices_/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Sentiment_with_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3fd58bd86be02eb121cfddce47369c591e89a953
--- /dev/null
+++ b/data/rotten_tomatoes_Sentiment_with_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3632ead3ff598cc37cdf701fb41737a44778c0df123a95ff71a212b0ebfc72c3
+size 404414
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/COMPLETED b/data/rotten_tomatoes_Text_Expressed_Sentiment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/info.test.json b/data/rotten_tomatoes_Text_Expressed_Sentiment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Text_Expressed_Sentiment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/info.train.json b/data/rotten_tomatoes_Text_Expressed_Sentiment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Text_Expressed_Sentiment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/info.validation.json b/data/rotten_tomatoes_Text_Expressed_Sentiment/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Text_Expressed_Sentiment/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/stats.test.json b/data/rotten_tomatoes_Text_Expressed_Sentiment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..71fffd51c2f157fe8a71dcf13f1c6bdc9918ccf0
--- /dev/null
+++ b/data/rotten_tomatoes_Text_Expressed_Sentiment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 43611,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/stats.train.json b/data/rotten_tomatoes_Text_Expressed_Sentiment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..bf508e6a811cef73d238baded70281940a431d6e
--- /dev/null
+++ b/data/rotten_tomatoes_Text_Expressed_Sentiment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 114,
+  "inputs_tokens": 346239,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8530
+}
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/stats.validation.json b/data/rotten_tomatoes_Text_Expressed_Sentiment/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..68ea912ec679a7c1c87e5a5b7b09351e4cd0ca68
--- /dev/null
+++ b/data/rotten_tomatoes_Text_Expressed_Sentiment/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 107,
+  "inputs_tokens": 43240,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Text_Expressed_Sentiment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3f08b6ceacc215a2b536828fb5699aa10555d880
--- /dev/null
+++ b/data/rotten_tomatoes_Text_Expressed_Sentiment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f6774a30efcec731b9514c8e581a6bfef852433a60935ad5bdcae8426b1eca0e
+size 416046
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Text_Expressed_Sentiment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..49aa318cde785afd69286e2d25e8be230a239874
--- /dev/null
+++ b/data/rotten_tomatoes_Text_Expressed_Sentiment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:61cb6e1d093459fcb52213b5017665c2c0861b2fe3c356c044f519148099d355
+size 3311769
diff --git a/data/rotten_tomatoes_Text_Expressed_Sentiment/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Text_Expressed_Sentiment/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b7286207e27852aba409aa8bb81eda2849b854d9
--- /dev/null
+++ b/data/rotten_tomatoes_Text_Expressed_Sentiment/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d6a4bdf27853c4a4f5c2f2376f4f446aa320c9da244a6158ef55a0e92532bcbb
+size 414193
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/COMPLETED b/data/rotten_tomatoes_Writer_Expressed_Sentiment/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/info.test.json b/data/rotten_tomatoes_Writer_Expressed_Sentiment/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Writer_Expressed_Sentiment/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/info.train.json b/data/rotten_tomatoes_Writer_Expressed_Sentiment/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Writer_Expressed_Sentiment/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/info.validation.json b/data/rotten_tomatoes_Writer_Expressed_Sentiment/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/rotten_tomatoes_Writer_Expressed_Sentiment/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/stats.test.json b/data/rotten_tomatoes_Writer_Expressed_Sentiment/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..99df4508bf0980c35bf735c82e50589dc80ce16d
--- /dev/null
+++ b/data/rotten_tomatoes_Writer_Expressed_Sentiment/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 44677,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/stats.train.json b/data/rotten_tomatoes_Writer_Expressed_Sentiment/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..139407dca1e4e5b4fd6ca9f59652cccd03c01f22
--- /dev/null
+++ b/data/rotten_tomatoes_Writer_Expressed_Sentiment/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 8530,
+  "inputs_max_tokens": 115,
+  "inputs_tokens": 354769,
+  "targets_max_tokens": 1,
+  "targets_tokens": 8530
+}
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/stats.validation.json b/data/rotten_tomatoes_Writer_Expressed_Sentiment/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6b24e5add0d8f9981f4373e3d14f30eb9d1f0eb6
--- /dev/null
+++ b/data/rotten_tomatoes_Writer_Expressed_Sentiment/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1066,
+  "inputs_max_tokens": 108,
+  "inputs_tokens": 44306,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1066
+}
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/test.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Writer_Expressed_Sentiment/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..09847025ac44a2c119c89b54430196f81d409f40
--- /dev/null
+++ b/data/rotten_tomatoes_Writer_Expressed_Sentiment/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f0b8472582ca14e0bca91b05b94f9f97ffec3aea715500d1f059c57d65c9d2b8
+size 427976
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/train.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Writer_Expressed_Sentiment/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..72c4a08d7aa75444d991f52ebac32a27f70b3d06
--- /dev/null
+++ b/data/rotten_tomatoes_Writer_Expressed_Sentiment/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3eb57d6dfea3e6e61755beb30422f56872031fee619988f4bb1e0dc63c1f3d09
+size 3407134
diff --git a/data/rotten_tomatoes_Writer_Expressed_Sentiment/validation.tfrecord-00000-of-00001 b/data/rotten_tomatoes_Writer_Expressed_Sentiment/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..05d25656d929009311b75bbdc23f89cbe9077dbf
--- /dev/null
+++ b/data/rotten_tomatoes_Writer_Expressed_Sentiment/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aaa1c47b9844a70e842bd8b037638d864c7560caecc5ad854dd05165940007bf
+size 426139
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/COMPLETED b/data/samsum_Generate_a_summary_for_this_dialogue/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/info.test.json b/data/samsum_Generate_a_summary_for_this_dialogue/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Generate_a_summary_for_this_dialogue/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/info.train.json b/data/samsum_Generate_a_summary_for_this_dialogue/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Generate_a_summary_for_this_dialogue/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/info.validation.json b/data/samsum_Generate_a_summary_for_this_dialogue/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Generate_a_summary_for_this_dialogue/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/stats.test.json b/data/samsum_Generate_a_summary_for_this_dialogue/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fd54b71c4d995a27f561b6db9526e908b17f0439
--- /dev/null
+++ b/data/samsum_Generate_a_summary_for_this_dialogue/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 819,
+  "inputs_max_tokens": 601,
+  "inputs_tokens": 130936,
+  "targets_max_tokens": 94,
+  "targets_tokens": 22417
+}
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/stats.train.json b/data/samsum_Generate_a_summary_for_this_dialogue/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..602bc8c6608034f81286d596b5ff195d1a4d2924
--- /dev/null
+++ b/data/samsum_Generate_a_summary_for_this_dialogue/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 14732,
+  "inputs_max_tokens": 668,
+  "inputs_tokens": 2301103,
+  "targets_max_tokens": 93,
+  "targets_tokens": 407984
+}
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/stats.validation.json b/data/samsum_Generate_a_summary_for_this_dialogue/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b13f0cd7926dae81e69bf82ca709e56155fe7e1b
--- /dev/null
+++ b/data/samsum_Generate_a_summary_for_this_dialogue/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 818,
+  "inputs_max_tokens": 601,
+  "inputs_tokens": 124387,
+  "targets_max_tokens": 86,
+  "targets_tokens": 22520
+}
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/test.tfrecord-00000-of-00001 b/data/samsum_Generate_a_summary_for_this_dialogue/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c5911c505b10484962ef1c58ea2d8d5cabd2754e
--- /dev/null
+++ b/data/samsum_Generate_a_summary_for_this_dialogue/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:88657b21fff083137ae1ca97c3b7ee3b7a4040f5633814749309625a79b711bc
+size 875918
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/train.tfrecord-00000-of-00001 b/data/samsum_Generate_a_summary_for_this_dialogue/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6712ce351019e212f17660438e5bc46c026d3d1f
--- /dev/null
+++ b/data/samsum_Generate_a_summary_for_this_dialogue/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ac40e79aafabf450cc53186abc9d324fc2b676e5cfae4d2ffbd7790c554280f8
+size 15529520
diff --git a/data/samsum_Generate_a_summary_for_this_dialogue/validation.tfrecord-00000-of-00001 b/data/samsum_Generate_a_summary_for_this_dialogue/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..91459f020e28e92ba8670ce1692f80754c6b9769
--- /dev/null
+++ b/data/samsum_Generate_a_summary_for_this_dialogue/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:69ade012f5824c94af86c188198d887f250b4bd6ad43424b1183ee7fa6bb3380
+size 846438
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/COMPLETED b/data/samsum_Given_the_above_dialogue_write_a_summary/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/info.test.json b/data/samsum_Given_the_above_dialogue_write_a_summary/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Given_the_above_dialogue_write_a_summary/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/info.train.json b/data/samsum_Given_the_above_dialogue_write_a_summary/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Given_the_above_dialogue_write_a_summary/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/info.validation.json b/data/samsum_Given_the_above_dialogue_write_a_summary/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Given_the_above_dialogue_write_a_summary/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/stats.test.json b/data/samsum_Given_the_above_dialogue_write_a_summary/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0baaf4e44d18f110dee41b31fdb1569d10e620c3
--- /dev/null
+++ b/data/samsum_Given_the_above_dialogue_write_a_summary/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 819,
+  "inputs_max_tokens": 602,
+  "inputs_tokens": 131755,
+  "targets_max_tokens": 94,
+  "targets_tokens": 22417
+}
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/stats.train.json b/data/samsum_Given_the_above_dialogue_write_a_summary/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..29b3413ffdba7b54378047613d9c7777d4181264
--- /dev/null
+++ b/data/samsum_Given_the_above_dialogue_write_a_summary/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 14732,
+  "inputs_max_tokens": 669,
+  "inputs_tokens": 2315835,
+  "targets_max_tokens": 93,
+  "targets_tokens": 407984
+}
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/stats.validation.json b/data/samsum_Given_the_above_dialogue_write_a_summary/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6077897dce71258f8361664c7a35ead48642fef4
--- /dev/null
+++ b/data/samsum_Given_the_above_dialogue_write_a_summary/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 818,
+  "inputs_max_tokens": 602,
+  "inputs_tokens": 125205,
+  "targets_max_tokens": 86,
+  "targets_tokens": 22520
+}
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/test.tfrecord-00000-of-00001 b/data/samsum_Given_the_above_dialogue_write_a_summary/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5fd170335e8f154a1abd2dcf044283c0d594b891
--- /dev/null
+++ b/data/samsum_Given_the_above_dialogue_write_a_summary/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d4e9fd8aefec511ebd7052bd5159a8ffb9ed70e4e52c816b61e3f9e57486671c
+size 882538
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/train.tfrecord-00000-of-00001 b/data/samsum_Given_the_above_dialogue_write_a_summary/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..53dad077375549fd7c902bbc526f1a79ff496ad7
--- /dev/null
+++ b/data/samsum_Given_the_above_dialogue_write_a_summary/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:886264ab3e3fd24b8bcb9ac393feeea42a81271ff0a107758965c1e6d5c31bb2
+size 15648499
diff --git a/data/samsum_Given_the_above_dialogue_write_a_summary/validation.tfrecord-00000-of-00001 b/data/samsum_Given_the_above_dialogue_write_a_summary/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..445173b29ee5810c22fd6ccbcb470ee2c83d107a
--- /dev/null
+++ b/data/samsum_Given_the_above_dialogue_write_a_summary/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7067d10caeac05a4c5dd90a732edb99daf03d048a3e47817aa21753b3ad98837
+size 853038
diff --git a/data/samsum_Sum_up_the_following_dialogue/COMPLETED b/data/samsum_Sum_up_the_following_dialogue/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/samsum_Sum_up_the_following_dialogue/info.test.json b/data/samsum_Sum_up_the_following_dialogue/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Sum_up_the_following_dialogue/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Sum_up_the_following_dialogue/info.train.json b/data/samsum_Sum_up_the_following_dialogue/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Sum_up_the_following_dialogue/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Sum_up_the_following_dialogue/info.validation.json b/data/samsum_Sum_up_the_following_dialogue/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Sum_up_the_following_dialogue/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Sum_up_the_following_dialogue/stats.test.json b/data/samsum_Sum_up_the_following_dialogue/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d2093a8fd09835b2941e93cc58467c2c987d83d
--- /dev/null
+++ b/data/samsum_Sum_up_the_following_dialogue/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 819,
+  "inputs_max_tokens": 598,
+  "inputs_tokens": 128479,
+  "targets_max_tokens": 94,
+  "targets_tokens": 22417
+}
diff --git a/data/samsum_Sum_up_the_following_dialogue/stats.train.json b/data/samsum_Sum_up_the_following_dialogue/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..430a403413bd7a237806207108b5eed88b8bf5cf
--- /dev/null
+++ b/data/samsum_Sum_up_the_following_dialogue/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 14732,
+  "inputs_max_tokens": 665,
+  "inputs_tokens": 2256907,
+  "targets_max_tokens": 93,
+  "targets_tokens": 407984
+}
diff --git a/data/samsum_Sum_up_the_following_dialogue/stats.validation.json b/data/samsum_Sum_up_the_following_dialogue/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..cb70492f67ed8a1c91c4deb97ff896163e1d411a
--- /dev/null
+++ b/data/samsum_Sum_up_the_following_dialogue/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 818,
+  "inputs_max_tokens": 598,
+  "inputs_tokens": 121933,
+  "targets_max_tokens": 86,
+  "targets_tokens": 22520
+}
diff --git a/data/samsum_Sum_up_the_following_dialogue/test.tfrecord-00000-of-00001 b/data/samsum_Sum_up_the_following_dialogue/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..04a4ba08e8eef37064e0c59b9bce9a7f8bb3c7a9
--- /dev/null
+++ b/data/samsum_Sum_up_the_following_dialogue/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4fc5d4ae94ebdd1f80118401d16b529c8eae59b7804675fa425e0086e62ffdab
+size 867644
diff --git a/data/samsum_Sum_up_the_following_dialogue/train.tfrecord-00000-of-00001 b/data/samsum_Sum_up_the_following_dialogue/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0fc6f1c916c3a44066f5e546f5ece25df0db84f9
--- /dev/null
+++ b/data/samsum_Sum_up_the_following_dialogue/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b83648b4b7af3e04d762223d43cb34131a434e08b2b8dfbcfb88efbd5fe373de
+size 15380867
diff --git a/data/samsum_Sum_up_the_following_dialogue/validation.tfrecord-00000-of-00001 b/data/samsum_Sum_up_the_following_dialogue/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ff6672fcd653f7312c230c81980a46c0ff62c3fd
--- /dev/null
+++ b/data/samsum_Sum_up_the_following_dialogue/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d37bcd9aba840710b4d640ca5311604cc25fbccd2a73bfef2154782a64f55704
+size 838188
diff --git a/data/samsum_Summarize_/COMPLETED b/data/samsum_Summarize_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/samsum_Summarize_/info.test.json b/data/samsum_Summarize_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Summarize_/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Summarize_/info.train.json b/data/samsum_Summarize_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Summarize_/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Summarize_/info.validation.json b/data/samsum_Summarize_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Summarize_/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Summarize_/stats.test.json b/data/samsum_Summarize_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..530e279128ca8ee25dda73ffb9102e21299d0839
--- /dev/null
+++ b/data/samsum_Summarize_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 819,
+  "inputs_max_tokens": 596,
+  "inputs_tokens": 126841,
+  "targets_max_tokens": 94,
+  "targets_tokens": 22417
+}
diff --git a/data/samsum_Summarize_/stats.train.json b/data/samsum_Summarize_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..15370a819eedac1e488c728b6efc59ed9b2e672c
--- /dev/null
+++ b/data/samsum_Summarize_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 14732,
+  "inputs_max_tokens": 663,
+  "inputs_tokens": 2227441,
+  "targets_max_tokens": 93,
+  "targets_tokens": 407986
+}
diff --git a/data/samsum_Summarize_/stats.validation.json b/data/samsum_Summarize_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..08e970932900765e2793553ba5fdf16077227c02
--- /dev/null
+++ b/data/samsum_Summarize_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 818,
+  "inputs_max_tokens": 596,
+  "inputs_tokens": 120297,
+  "targets_max_tokens": 86,
+  "targets_tokens": 22520
+}
diff --git a/data/samsum_Summarize_/test.tfrecord-00000-of-00001 b/data/samsum_Summarize_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..de09d03f15042c5f4d11526c54c78a3348cc0250
--- /dev/null
+++ b/data/samsum_Summarize_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b4f26baa9ecdc1bfaf65b13670dec0fa2c23155d09a7c03bd6e47c422d5c6567
+size 848698
diff --git a/data/samsum_Summarize_/train.tfrecord-00000-of-00001 b/data/samsum_Summarize_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c0379689a008df2308d940ed976a0b26f3b5d3a5
--- /dev/null
+++ b/data/samsum_Summarize_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:84ba9545c86986c40a60360ea9c1c0a29c82ff8bbb70b238433fbbce8c8e4f5b
+size 15039941
diff --git a/data/samsum_Summarize_/validation.tfrecord-00000-of-00001 b/data/samsum_Summarize_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8cc25b09add2305f642652d29df74dd350ed91ff
--- /dev/null
+++ b/data/samsum_Summarize_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d21157026d7f6aba285e12cb54f25efdda6fd9bceb5febec16f446c8107a4f51
+size 819245
diff --git a/data/samsum_Summarize_this_dialogue_/COMPLETED b/data/samsum_Summarize_this_dialogue_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/samsum_Summarize_this_dialogue_/info.test.json b/data/samsum_Summarize_this_dialogue_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Summarize_this_dialogue_/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Summarize_this_dialogue_/info.train.json b/data/samsum_Summarize_this_dialogue_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Summarize_this_dialogue_/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Summarize_this_dialogue_/info.validation.json b/data/samsum_Summarize_this_dialogue_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Summarize_this_dialogue_/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Summarize_this_dialogue_/stats.test.json b/data/samsum_Summarize_this_dialogue_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d2093a8fd09835b2941e93cc58467c2c987d83d
--- /dev/null
+++ b/data/samsum_Summarize_this_dialogue_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 819,
+  "inputs_max_tokens": 598,
+  "inputs_tokens": 128479,
+  "targets_max_tokens": 94,
+  "targets_tokens": 22417
+}
diff --git a/data/samsum_Summarize_this_dialogue_/stats.train.json b/data/samsum_Summarize_this_dialogue_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..430a403413bd7a237806207108b5eed88b8bf5cf
--- /dev/null
+++ b/data/samsum_Summarize_this_dialogue_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 14732,
+  "inputs_max_tokens": 665,
+  "inputs_tokens": 2256907,
+  "targets_max_tokens": 93,
+  "targets_tokens": 407984
+}
diff --git a/data/samsum_Summarize_this_dialogue_/stats.validation.json b/data/samsum_Summarize_this_dialogue_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..cb70492f67ed8a1c91c4deb97ff896163e1d411a
--- /dev/null
+++ b/data/samsum_Summarize_this_dialogue_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 818,
+  "inputs_max_tokens": 598,
+  "inputs_tokens": 121933,
+  "targets_max_tokens": 86,
+  "targets_tokens": 22520
+}
diff --git a/data/samsum_Summarize_this_dialogue_/test.tfrecord-00000-of-00001 b/data/samsum_Summarize_this_dialogue_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8e6716963bfea23e16db2f1083f62c7df3364592
--- /dev/null
+++ b/data/samsum_Summarize_this_dialogue_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:496e3c49717b17863842b3c6f00a5e113127554257389559d61aa76c2f40054d
+size 863558
diff --git a/data/samsum_Summarize_this_dialogue_/train.tfrecord-00000-of-00001 b/data/samsum_Summarize_this_dialogue_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8dba36e2ed24214b105dea2b22cad98763a21896
--- /dev/null
+++ b/data/samsum_Summarize_this_dialogue_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4cf1f09f1ecf46ddeb1879c596c7041f80c8485ab62759a7bd95e10c408ebcdd
+size 15307178
diff --git a/data/samsum_Summarize_this_dialogue_/validation.tfrecord-00000-of-00001 b/data/samsum_Summarize_this_dialogue_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9817d7f1544aa3e2da11ec78f856eeecaa9d4a11
--- /dev/null
+++ b/data/samsum_Summarize_this_dialogue_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1127606cf7cb0539d1423728ff6feb0c178d96bf2aeaa8fcdb5cb35a8044f35e
+size 834085
diff --git a/data/samsum_To_sum_up_this_dialog/COMPLETED b/data/samsum_To_sum_up_this_dialog/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/samsum_To_sum_up_this_dialog/info.test.json b/data/samsum_To_sum_up_this_dialog/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_To_sum_up_this_dialog/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_To_sum_up_this_dialog/info.train.json b/data/samsum_To_sum_up_this_dialog/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_To_sum_up_this_dialog/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_To_sum_up_this_dialog/info.validation.json b/data/samsum_To_sum_up_this_dialog/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_To_sum_up_this_dialog/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_To_sum_up_this_dialog/stats.test.json b/data/samsum_To_sum_up_this_dialog/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d2093a8fd09835b2941e93cc58467c2c987d83d
--- /dev/null
+++ b/data/samsum_To_sum_up_this_dialog/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 819,
+  "inputs_max_tokens": 598,
+  "inputs_tokens": 128479,
+  "targets_max_tokens": 94,
+  "targets_tokens": 22417
+}
diff --git a/data/samsum_To_sum_up_this_dialog/stats.train.json b/data/samsum_To_sum_up_this_dialog/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..430a403413bd7a237806207108b5eed88b8bf5cf
--- /dev/null
+++ b/data/samsum_To_sum_up_this_dialog/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 14732,
+  "inputs_max_tokens": 665,
+  "inputs_tokens": 2256907,
+  "targets_max_tokens": 93,
+  "targets_tokens": 407984
+}
diff --git a/data/samsum_To_sum_up_this_dialog/stats.validation.json b/data/samsum_To_sum_up_this_dialog/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..cb70492f67ed8a1c91c4deb97ff896163e1d411a
--- /dev/null
+++ b/data/samsum_To_sum_up_this_dialog/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 818,
+  "inputs_max_tokens": 598,
+  "inputs_tokens": 121933,
+  "targets_max_tokens": 86,
+  "targets_tokens": 22520
+}
diff --git a/data/samsum_To_sum_up_this_dialog/test.tfrecord-00000-of-00001 b/data/samsum_To_sum_up_this_dialog/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2af537d657ffe5ae6417edd25f8da77d1765dcf9
--- /dev/null
+++ b/data/samsum_To_sum_up_this_dialog/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6ca8c83af6ca397d92324e1313f58e9c8bed0aa784dc0b6156812a472dc81c23
+size 860238
diff --git a/data/samsum_To_sum_up_this_dialog/train.tfrecord-00000-of-00001 b/data/samsum_To_sum_up_this_dialog/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d6b3c29e9d45726d1dee615c24ff3416048966ce
--- /dev/null
+++ b/data/samsum_To_sum_up_this_dialog/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:303dde62f6f8088f2abc0244d19a178e7afe9272e70b424d57d18cbde6247670
+size 15247491
diff --git a/data/samsum_To_sum_up_this_dialog/validation.tfrecord-00000-of-00001 b/data/samsum_To_sum_up_this_dialog/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f6e1c9675f9f201ba3c9640f25dfb440f407be68
--- /dev/null
+++ b/data/samsum_To_sum_up_this_dialog/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ee197f82f45b25e03896d163d06da229f036206b16076dc4d127aa198eea27f9
+size 830776
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/COMPLETED b/data/samsum_Write_a_dialogue_that_match_this_summary/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/info.test.json b/data/samsum_Write_a_dialogue_that_match_this_summary/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Write_a_dialogue_that_match_this_summary/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/info.train.json b/data/samsum_Write_a_dialogue_that_match_this_summary/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Write_a_dialogue_that_match_this_summary/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/info.validation.json b/data/samsum_Write_a_dialogue_that_match_this_summary/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/samsum_Write_a_dialogue_that_match_this_summary/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/stats.test.json b/data/samsum_Write_a_dialogue_that_match_this_summary/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fc7ff3b6ea5b04aee5c280f8e9404e512146abcd
--- /dev/null
+++ b/data/samsum_Write_a_dialogue_that_match_this_summary/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 819,
+  "inputs_max_tokens": 103,
+  "inputs_tokens": 29788,
+  "targets_max_tokens": 592,
+  "targets_tokens": 123565
+}
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/stats.train.json b/data/samsum_Write_a_dialogue_that_match_this_summary/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7905420eff4290d433cef34276f4e47c4fbdca39
--- /dev/null
+++ b/data/samsum_Write_a_dialogue_that_match_this_summary/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 14732,
+  "inputs_max_tokens": 102,
+  "inputs_tokens": 540572,
+  "targets_max_tokens": 659,
+  "targets_tokens": 2168515
+}
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/stats.validation.json b/data/samsum_Write_a_dialogue_that_match_this_summary/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..108ee21ac6ef673ef8bcf61c2125f3fe5d9dd92b
--- /dev/null
+++ b/data/samsum_Write_a_dialogue_that_match_this_summary/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 818,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 29882,
+  "targets_max_tokens": 592,
+  "targets_tokens": 117025
+}
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/test.tfrecord-00000-of-00001 b/data/samsum_Write_a_dialogue_that_match_this_summary/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0b4f6958ece5e4b2894e2fc38e10d60e85bf6496
--- /dev/null
+++ b/data/samsum_Write_a_dialogue_that_match_this_summary/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:32e123c2d2ad994c906f5d4b4072b6087aadf15c3b20ebb62965b831ae49eeb0
+size 882266
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/train.tfrecord-00000-of-00001 b/data/samsum_Write_a_dialogue_that_match_this_summary/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bb4883e0e69ea8e51d827adc592c62625c90b2ba
--- /dev/null
+++ b/data/samsum_Write_a_dialogue_that_match_this_summary/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:135f34005236cacf32a3b071d5df5b6a7baa20e42b6c30aa09a85adcefc31c2a
+size 15644657
diff --git a/data/samsum_Write_a_dialogue_that_match_this_summary/validation.tfrecord-00000-of-00001 b/data/samsum_Write_a_dialogue_that_match_this_summary/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9b9d9ee4733469df79c6f1ae1583364d382c8189
--- /dev/null
+++ b/data/samsum_Write_a_dialogue_that_match_this_summary/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a0b200c6f1fa169860799692c77525e9de7a2ca8fb69dbd35483bad1ebb9c8f9
+size 852817
diff --git a/data/sciq_Direct_Question/COMPLETED b/data/sciq_Direct_Question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/sciq_Direct_Question/info.test.json b/data/sciq_Direct_Question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Direct_Question/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Direct_Question/info.train.json b/data/sciq_Direct_Question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Direct_Question/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Direct_Question/info.validation.json b/data/sciq_Direct_Question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Direct_Question/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Direct_Question/stats.test.json b/data/sciq_Direct_Question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..180fbbaad45e0c1bd6b4e63316e5058ca5f89c64
--- /dev/null
+++ b/data/sciq_Direct_Question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 575,
+  "inputs_tokens": 129309,
+  "targets_max_tokens": 12,
+  "targets_tokens": 2650
+}
diff --git a/data/sciq_Direct_Question/stats.train.json b/data/sciq_Direct_Question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..cbe167721f585e7882a2b2bac774c0109ca0871f
--- /dev/null
+++ b/data/sciq_Direct_Question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11679,
+  "inputs_max_tokens": 675,
+  "inputs_tokens": 1481990,
+  "targets_max_tokens": 27,
+  "targets_tokens": 31935
+}
diff --git a/data/sciq_Direct_Question/stats.validation.json b/data/sciq_Direct_Question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..fb97c2880e30c4b9a97f35f73bb48cc20233c28b
--- /dev/null
+++ b/data/sciq_Direct_Question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 599,
+  "inputs_tokens": 125178,
+  "targets_max_tokens": 14,
+  "targets_tokens": 2706
+}
diff --git a/data/sciq_Direct_Question/test.tfrecord-00000-of-00001 b/data/sciq_Direct_Question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..af0d4f7b2f3d6abd047be7b607b96f86fc15fce7
--- /dev/null
+++ b/data/sciq_Direct_Question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8d75eb69f0c22b7e1ede9ed73103df86e7c7a3ef61ba4bed6ae2b7eb4d93d238
+size 965438
diff --git a/data/sciq_Direct_Question/train.tfrecord-00000-of-00001 b/data/sciq_Direct_Question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e18497519c62232bb0c1ca190514f6d298fbde47
--- /dev/null
+++ b/data/sciq_Direct_Question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:af92f263bfa1fc7c4a886958140e3e69c5442d1ed976b56dc0c1590b01ada228
+size 11187235
diff --git a/data/sciq_Direct_Question/validation.tfrecord-00000-of-00001 b/data/sciq_Direct_Question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ad4173000cb264b745411303d559fa4500200835
--- /dev/null
+++ b/data/sciq_Direct_Question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7e41d3a757107cd7f76018250b7caed3e5d9d77a70ca02244feb92c52a4fd746
+size 951191
diff --git a/data/sciq_Direct_Question_Closed_Book_/COMPLETED b/data/sciq_Direct_Question_Closed_Book_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/sciq_Direct_Question_Closed_Book_/info.test.json b/data/sciq_Direct_Question_Closed_Book_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Direct_Question_Closed_Book_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Direct_Question_Closed_Book_/info.train.json b/data/sciq_Direct_Question_Closed_Book_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Direct_Question_Closed_Book_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Direct_Question_Closed_Book_/info.validation.json b/data/sciq_Direct_Question_Closed_Book_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Direct_Question_Closed_Book_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Direct_Question_Closed_Book_/stats.test.json b/data/sciq_Direct_Question_Closed_Book_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..23cd1cdf72face886388999dd95039784e9dd8d5
--- /dev/null
+++ b/data/sciq_Direct_Question_Closed_Book_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 21576,
+  "targets_max_tokens": 12,
+  "targets_tokens": 2650
+}
diff --git a/data/sciq_Direct_Question_Closed_Book_/stats.train.json b/data/sciq_Direct_Question_Closed_Book_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..002ee3a2d394ab692345e1be2378d47e9de93cb9
--- /dev/null
+++ b/data/sciq_Direct_Question_Closed_Book_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11679,
+  "inputs_max_tokens": 110,
+  "inputs_tokens": 250371,
+  "targets_max_tokens": 27,
+  "targets_tokens": 31935
+}
diff --git a/data/sciq_Direct_Question_Closed_Book_/stats.validation.json b/data/sciq_Direct_Question_Closed_Book_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..603f40fe3424066cb875ee6fed8df4020d915541
--- /dev/null
+++ b/data/sciq_Direct_Question_Closed_Book_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 74,
+  "inputs_tokens": 21910,
+  "targets_max_tokens": 14,
+  "targets_tokens": 2706
+}
diff --git a/data/sciq_Direct_Question_Closed_Book_/test.tfrecord-00000-of-00001 b/data/sciq_Direct_Question_Closed_Book_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e903d4d8728e057a75d44aa7a472a9804edcae9f
--- /dev/null
+++ b/data/sciq_Direct_Question_Closed_Book_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3bc44e04e903d36c0ccde1b84ea4cb6c2c2b41a051355d314ac07fd815846557
+size 314490
diff --git a/data/sciq_Direct_Question_Closed_Book_/train.tfrecord-00000-of-00001 b/data/sciq_Direct_Question_Closed_Book_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fdc82680c65ff71d50b802a0147efefbb2d502f4
--- /dev/null
+++ b/data/sciq_Direct_Question_Closed_Book_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5338125ae674423c4418981eab6cb0deb70c3025f307d85bc0b1a8ab5362bcd1
+size 3701544
diff --git a/data/sciq_Direct_Question_Closed_Book_/validation.tfrecord-00000-of-00001 b/data/sciq_Direct_Question_Closed_Book_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e16e4ad36ff6f40486e8fff6d9f63b42d1fefb7f
--- /dev/null
+++ b/data/sciq_Direct_Question_Closed_Book_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cae3da8aefdf47de7d9639dff63f3e918659bfca38c35e941fb514de27bb47ea
+size 320370
diff --git a/data/sciq_Multiple_Choice/COMPLETED b/data/sciq_Multiple_Choice/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/sciq_Multiple_Choice/info.test.json b/data/sciq_Multiple_Choice/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Multiple_Choice/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Multiple_Choice/info.train.json b/data/sciq_Multiple_Choice/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Multiple_Choice/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Multiple_Choice/info.validation.json b/data/sciq_Multiple_Choice/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Multiple_Choice/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Multiple_Choice/stats.test.json b/data/sciq_Multiple_Choice/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ccc8526952643825787cc3780ed22fb905aee08
--- /dev/null
+++ b/data/sciq_Multiple_Choice/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 592,
+  "inputs_tokens": 150376,
+  "targets_max_tokens": 12,
+  "targets_tokens": 2650
+}
diff --git a/data/sciq_Multiple_Choice/stats.train.json b/data/sciq_Multiple_Choice/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..045d0f72de3cbce8ec573d7b1f7cfc16ce7fbcf4
--- /dev/null
+++ b/data/sciq_Multiple_Choice/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11679,
+  "inputs_max_tokens": 700,
+  "inputs_tokens": 1731239,
+  "targets_max_tokens": 27,
+  "targets_tokens": 31935
+}
diff --git a/data/sciq_Multiple_Choice/stats.validation.json b/data/sciq_Multiple_Choice/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..187548431e4bc9b437dc6d3cf9a03ed5b93c359e
--- /dev/null
+++ b/data/sciq_Multiple_Choice/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 614,
+  "inputs_tokens": 146712,
+  "targets_max_tokens": 14,
+  "targets_tokens": 2706
+}
diff --git a/data/sciq_Multiple_Choice/test.tfrecord-00000-of-00001 b/data/sciq_Multiple_Choice/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ba6a5b55793b1e9ba4a00ede0467c3f295784b0e
--- /dev/null
+++ b/data/sciq_Multiple_Choice/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bf4c41085a9ba0cda9fd6c672f38ea121c47bed3f9a487b618f4ba7c4ca340dc
+size 1064149
diff --git a/data/sciq_Multiple_Choice/train.tfrecord-00000-of-00001 b/data/sciq_Multiple_Choice/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..678ecad8db223e1c20b986539cd6f2b1c16c25d7
--- /dev/null
+++ b/data/sciq_Multiple_Choice/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:77f2738361b79b8929b032834d7242c898416b7bf91419122dc908bee3aec03c
+size 12365743
diff --git a/data/sciq_Multiple_Choice/validation.tfrecord-00000-of-00001 b/data/sciq_Multiple_Choice/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6b83078ab9c86846e6b945711913ecb073a96033
--- /dev/null
+++ b/data/sciq_Multiple_Choice/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:290d7185b93135c5cd4656e95cfe08d5f3e6b075047a98ee3c4c4e08d662aa7f
+size 1053015
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/COMPLETED b/data/sciq_Multiple_Choice_Closed_Book_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/info.test.json b/data/sciq_Multiple_Choice_Closed_Book_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Closed_Book_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/info.train.json b/data/sciq_Multiple_Choice_Closed_Book_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Closed_Book_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/info.validation.json b/data/sciq_Multiple_Choice_Closed_Book_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Closed_Book_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/stats.test.json b/data/sciq_Multiple_Choice_Closed_Book_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c1e7d07a17e59abc90f3b3961e0cbeb30e2cdaf
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Closed_Book_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 42643,
+  "targets_max_tokens": 12,
+  "targets_tokens": 2650
+}
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/stats.train.json b/data/sciq_Multiple_Choice_Closed_Book_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d07b9f9552713b85f05ddc0a6fce3171c351bfcd
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Closed_Book_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11679,
+  "inputs_max_tokens": 132,
+  "inputs_tokens": 499620,
+  "targets_max_tokens": 27,
+  "targets_tokens": 31935
+}
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/stats.validation.json b/data/sciq_Multiple_Choice_Closed_Book_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f9a5a53e8d91d943f98ca0511c7d4e56fe85348f
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Closed_Book_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 101,
+  "inputs_tokens": 43444,
+  "targets_max_tokens": 14,
+  "targets_tokens": 2706
+}
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/test.tfrecord-00000-of-00001 b/data/sciq_Multiple_Choice_Closed_Book_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..86d003c201c9b26de14270a87452007beaaa0e4b
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Closed_Book_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2c511860a72b6fa098ac6fc48bbc98b78c2d8522b187a0d67287fdd3b84e48f8
+size 415268
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/train.tfrecord-00000-of-00001 b/data/sciq_Multiple_Choice_Closed_Book_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8443c4f375b84e4de1d87ed32dce8246bf0a4f2d
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Closed_Book_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9bd1f2b2268dcf856dce7ee08eda409f724bbc21e9c921330c0a10a37d52c663
+size 4905577
diff --git a/data/sciq_Multiple_Choice_Closed_Book_/validation.tfrecord-00000-of-00001 b/data/sciq_Multiple_Choice_Closed_Book_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3f34d1213d02fc63fea0e5cbdd9714cc8f453532
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Closed_Book_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d03bcd27fae01649e7c604d87473d85887eedef2a7f75edd10a36cf456d3ddf1
+size 424520
diff --git a/data/sciq_Multiple_Choice_Question_First/COMPLETED b/data/sciq_Multiple_Choice_Question_First/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/sciq_Multiple_Choice_Question_First/info.test.json b/data/sciq_Multiple_Choice_Question_First/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Question_First/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Multiple_Choice_Question_First/info.train.json b/data/sciq_Multiple_Choice_Question_First/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Question_First/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Multiple_Choice_Question_First/info.validation.json b/data/sciq_Multiple_Choice_Question_First/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Question_First/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/sciq_Multiple_Choice_Question_First/stats.test.json b/data/sciq_Multiple_Choice_Question_First/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..da56e15b999f9ceaf745f9355dcde4507881c870
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Question_First/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 597,
+  "inputs_tokens": 155376,
+  "targets_max_tokens": 12,
+  "targets_tokens": 2650
+}
diff --git a/data/sciq_Multiple_Choice_Question_First/stats.train.json b/data/sciq_Multiple_Choice_Question_First/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8f4c020414ba7b3f0e0ca6a223a8b4aba75e3adf
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Question_First/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11679,
+  "inputs_max_tokens": 705,
+  "inputs_tokens": 1789634,
+  "targets_max_tokens": 27,
+  "targets_tokens": 31935
+}
diff --git a/data/sciq_Multiple_Choice_Question_First/stats.validation.json b/data/sciq_Multiple_Choice_Question_First/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..82b08555334f5051559b20f1c7cd3f2511c424c1
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Question_First/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 619,
+  "inputs_tokens": 151712,
+  "targets_max_tokens": 14,
+  "targets_tokens": 2706
+}
diff --git a/data/sciq_Multiple_Choice_Question_First/test.tfrecord-00000-of-00001 b/data/sciq_Multiple_Choice_Question_First/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3939759d5a99a320ec99fee1994b395eab713150
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Question_First/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4fa379f4ee94e3eef675796656f177cf8caf83ab3b131b132d87e5f06c983b87
+size 1095255
diff --git a/data/sciq_Multiple_Choice_Question_First/train.tfrecord-00000-of-00001 b/data/sciq_Multiple_Choice_Question_First/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cb69b8bfb670bea69c245fdc8703ff439c447a26
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Question_First/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:213f1ce5c493363e42cc5fe9e938c5f76a04dc640f7da6e75d03a4f01c9576aa
+size 12729074
diff --git a/data/sciq_Multiple_Choice_Question_First/validation.tfrecord-00000-of-00001 b/data/sciq_Multiple_Choice_Question_First/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6b8b6cc9cc4e0706f538cc000529fcd979bd05d9
--- /dev/null
+++ b/data/sciq_Multiple_Choice_Question_First/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3c2ea99b469ed1bc353bfe6613e05f6f9c38469d511948eddbc8c5b8001ec813
+size 1084109
diff --git a/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/COMPLETED b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/info.train.json b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/info.validation.json b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/stats.train.json b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..568eb0833864ea8eb16a0f39e1853f10f000208f
--- /dev/null
+++ b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 33410,
+  "inputs_max_tokens": 180,
+  "inputs_tokens": 1460963,
+  "targets_max_tokens": 1,
+  "targets_tokens": 33410
+}
diff --git a/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/stats.validation.json b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6b63581799a8ac3a5210f6214cd053f1fa39e320
--- /dev/null
+++ b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1954,
+  "inputs_max_tokens": 78,
+  "inputs_tokens": 85764,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1954
+}
diff --git a/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/train.tfrecord-00000-of-00001 b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8cbdec23baacac3efef87c733beb5a12adfcbc3b
--- /dev/null
+++ b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d80a8807b20062ec756ca5333f4474db19010bc27ae0ace88f1fe906b94ca2f4
+size 13462754
diff --git a/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/validation.tfrecord-00000-of-00001 b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dad06847f3a8a3ce7b4a9a9f1b5460d45ef641ac
--- /dev/null
+++ b/data/social_i_qa_Check_if_a_random_answer_is_valid_or_not/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ddf7bb461829b68630e63055ed481881c038311c8a504731ed3fd67bc26d8e75
+size 788949
diff --git a/data/social_i_qa_Generate_answer/COMPLETED b/data/social_i_qa_Generate_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/social_i_qa_Generate_answer/info.train.json b/data/social_i_qa_Generate_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_Generate_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Generate_answer/info.validation.json b/data/social_i_qa_Generate_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_Generate_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Generate_answer/stats.train.json b/data/social_i_qa_Generate_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fe2fcdf730d99aab65aadf6401203e8a9ee29e53
--- /dev/null
+++ b/data/social_i_qa_Generate_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 33410,
+  "inputs_max_tokens": 157,
+  "inputs_tokens": 998299,
+  "targets_max_tokens": 31,
+  "targets_tokens": 142431
+}
diff --git a/data/social_i_qa_Generate_answer/stats.validation.json b/data/social_i_qa_Generate_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a2aa2fc01a97cb7104ff51b486e08484649863f2
--- /dev/null
+++ b/data/social_i_qa_Generate_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1954,
+  "inputs_max_tokens": 62,
+  "inputs_tokens": 58292,
+  "targets_max_tokens": 26,
+  "targets_tokens": 8558
+}
diff --git a/data/social_i_qa_Generate_answer/train.tfrecord-00000-of-00001 b/data/social_i_qa_Generate_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1177b090d22f8072b554080426420d2b7109d198
--- /dev/null
+++ b/data/social_i_qa_Generate_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2b4a3fca43183a98ebcd3db5d51945b15b826672be598a96316fb58cb207d017
+size 13539835
diff --git a/data/social_i_qa_Generate_answer/validation.tfrecord-00000-of-00001 b/data/social_i_qa_Generate_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7bd7397fe3ab00bb9dd6db8990dfd905da6b32a4
--- /dev/null
+++ b/data/social_i_qa_Generate_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:82a17ed6bb230659ba48846f185775b5dd076d3d279a9430ad7d5583aca30119
+size 795394
diff --git a/data/social_i_qa_Generate_the_question_from_the_answer/COMPLETED b/data/social_i_qa_Generate_the_question_from_the_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/social_i_qa_Generate_the_question_from_the_answer/info.train.json b/data/social_i_qa_Generate_the_question_from_the_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/social_i_qa_Generate_the_question_from_the_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Generate_the_question_from_the_answer/info.validation.json b/data/social_i_qa_Generate_the_question_from_the_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/social_i_qa_Generate_the_question_from_the_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Generate_the_question_from_the_answer/stats.train.json b/data/social_i_qa_Generate_the_question_from_the_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c1a018d459f601556c9725527d76e3dd06de819b
--- /dev/null
+++ b/data/social_i_qa_Generate_the_question_from_the_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 33410,
+  "inputs_max_tokens": 173,
+  "inputs_tokens": 1304087,
+  "targets_max_tokens": 22,
+  "targets_tokens": 256991
+}
diff --git a/data/social_i_qa_Generate_the_question_from_the_answer/stats.validation.json b/data/social_i_qa_Generate_the_question_from_the_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1b393f844b1439f21ffa61f24d8fc59e7bd1a829
--- /dev/null
+++ b/data/social_i_qa_Generate_the_question_from_the_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1954,
+  "inputs_max_tokens": 79,
+  "inputs_tokens": 76594,
+  "targets_max_tokens": 13,
+  "targets_tokens": 14921
+}
diff --git a/data/social_i_qa_Generate_the_question_from_the_answer/train.tfrecord-00000-of-00001 b/data/social_i_qa_Generate_the_question_from_the_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5755c00344f88309ecc7edb45d28378fb208d3ef
--- /dev/null
+++ b/data/social_i_qa_Generate_the_question_from_the_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7736ce7ed12d544633a496a4ffc0bb4857b6c6b2115b531e3be4ec26877979b6
+size 12794075
diff --git a/data/social_i_qa_Generate_the_question_from_the_answer/validation.tfrecord-00000-of-00001 b/data/social_i_qa_Generate_the_question_from_the_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..73cb0b32fe24dc654f5b12fa739bafbc1c2f78d5
--- /dev/null
+++ b/data/social_i_qa_Generate_the_question_from_the_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6e818f47cc591a47db1ff79649c0a6f9d17ac24f91da12c034c4cc5d795d57a7
+size 749042
diff --git a/data/social_i_qa_I_was_wondering/COMPLETED b/data/social_i_qa_I_was_wondering/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/social_i_qa_I_was_wondering/info.train.json b/data/social_i_qa_I_was_wondering/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_I_was_wondering/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_I_was_wondering/info.validation.json b/data/social_i_qa_I_was_wondering/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_I_was_wondering/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_I_was_wondering/stats.train.json b/data/social_i_qa_I_was_wondering/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..63f3d0b5f66ddcd32b559eac23773228c6fd15c3
--- /dev/null
+++ b/data/social_i_qa_I_was_wondering/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 33410,
+  "inputs_max_tokens": 160,
+  "inputs_tokens": 1098529,
+  "targets_max_tokens": 31,
+  "targets_tokens": 142431
+}
diff --git a/data/social_i_qa_I_was_wondering/stats.validation.json b/data/social_i_qa_I_was_wondering/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..78ddea48e61afb2bafe1ed7e26ea07f8182836f3
--- /dev/null
+++ b/data/social_i_qa_I_was_wondering/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1954,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 64154,
+  "targets_max_tokens": 26,
+  "targets_tokens": 8558
+}
diff --git a/data/social_i_qa_I_was_wondering/train.tfrecord-00000-of-00001 b/data/social_i_qa_I_was_wondering/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0c6cb6d104d30d6965da472d26f79a2b7c4db6df
--- /dev/null
+++ b/data/social_i_qa_I_was_wondering/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:90700fbfec92cb5ec75c62406fe42c7471db1b0a62bd51e4856a808ddb236bfd
+size 14172898
diff --git a/data/social_i_qa_I_was_wondering/validation.tfrecord-00000-of-00001 b/data/social_i_qa_I_was_wondering/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d7634c4ba061562a0ba8a998eeaed93ca73d25c6
--- /dev/null
+++ b/data/social_i_qa_I_was_wondering/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f2699da6a1c26a97e6bdc67fef0b4bea0576a002995045cb7ef2dd8ff91b95ea
+size 832394
diff --git a/data/social_i_qa_Show_choices_and_generate_answer/COMPLETED b/data/social_i_qa_Show_choices_and_generate_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/social_i_qa_Show_choices_and_generate_answer/info.train.json b/data/social_i_qa_Show_choices_and_generate_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Show_choices_and_generate_answer/info.validation.json b/data/social_i_qa_Show_choices_and_generate_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Show_choices_and_generate_answer/stats.train.json b/data/social_i_qa_Show_choices_and_generate_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c51827bfd01b474bc1c27362b48c2095a9a867c9
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 33410,
+  "inputs_max_tokens": 189,
+  "inputs_tokens": 1592900,
+  "targets_max_tokens": 31,
+  "targets_tokens": 142431
+}
diff --git a/data/social_i_qa_Show_choices_and_generate_answer/stats.validation.json b/data/social_i_qa_Show_choices_and_generate_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..24f5f5eed2cbda07dc6850c0291045e9e960d29e
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1954,
+  "inputs_max_tokens": 106,
+  "inputs_tokens": 93726,
+  "targets_max_tokens": 26,
+  "targets_tokens": 8558
+}
diff --git a/data/social_i_qa_Show_choices_and_generate_answer/train.tfrecord-00000-of-00001 b/data/social_i_qa_Show_choices_and_generate_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fc8bd09a9e2ccdd813149d6b9f07424dc1bc7d6d
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:466592fc9379b9e73ff1361922a483615d792247a149c3b8bc8e90cce394cb89
+size 17249739
diff --git a/data/social_i_qa_Show_choices_and_generate_answer/validation.tfrecord-00000-of-00001 b/data/social_i_qa_Show_choices_and_generate_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0d84d387df595b612f94b2f4c77ae73ecc4bcca1
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d74a0015ad24848798447e6f3c6dda5b5feba419e437688b6ffa098a3960c80a
+size 1016059
diff --git a/data/social_i_qa_Show_choices_and_generate_index/COMPLETED b/data/social_i_qa_Show_choices_and_generate_index/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/social_i_qa_Show_choices_and_generate_index/info.train.json b/data/social_i_qa_Show_choices_and_generate_index/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_index/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Show_choices_and_generate_index/info.validation.json b/data/social_i_qa_Show_choices_and_generate_index/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_index/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/social_i_qa_Show_choices_and_generate_index/stats.train.json b/data/social_i_qa_Show_choices_and_generate_index/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e5c260dd2ff04c22838eb15cf0f96e8be40b7917
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_index/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 33410,
+  "inputs_max_tokens": 205,
+  "inputs_tokens": 2127467,
+  "targets_max_tokens": 1,
+  "targets_tokens": 33410
+}
diff --git a/data/social_i_qa_Show_choices_and_generate_index/stats.validation.json b/data/social_i_qa_Show_choices_and_generate_index/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f14e02a54bda0b23f01b768d1f243577fafd601a
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_index/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1954,
+  "inputs_max_tokens": 122,
+  "inputs_tokens": 124990,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1954
+}
diff --git a/data/social_i_qa_Show_choices_and_generate_index/train.tfrecord-00000-of-00001 b/data/social_i_qa_Show_choices_and_generate_index/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4e7e5c8741757e0614de46741926e186e97fc5f4
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_index/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5affd0b03143b39d53c5a8e084113f1e4251eaf2e339d25b80fe90a0bdfe61a5
+size 17846475
diff --git a/data/social_i_qa_Show_choices_and_generate_index/validation.tfrecord-00000-of-00001 b/data/social_i_qa_Show_choices_and_generate_index/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bbf8be61a55efc13556154d14ee83e1559bc1cd2
--- /dev/null
+++ b/data/social_i_qa_Show_choices_and_generate_index/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ed6364c1d615395103a5041f7db010b36553099568e6100707368c07b10e5cd9
+size 1047261
diff --git a/data/squad_v2_Jeopardy_with_Context/COMPLETED b/data/squad_v2_Jeopardy_with_Context/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Jeopardy_with_Context/info.train.json b/data/squad_v2_Jeopardy_with_Context/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Jeopardy_with_Context/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Jeopardy_with_Context/info.validation.json b/data/squad_v2_Jeopardy_with_Context/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Jeopardy_with_Context/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Jeopardy_with_Context/stats.train.json b/data/squad_v2_Jeopardy_with_Context/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..dabf10baa1ec59513a1a6b5b98e5786a2508b642
--- /dev/null
+++ b/data/squad_v2_Jeopardy_with_Context/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 86821,
+  "inputs_max_tokens": 647,
+  "inputs_tokens": 17937979,
+  "targets_max_tokens": 66,
+  "targets_tokens": 1185169
+}
diff --git a/data/squad_v2_Jeopardy_with_Context/stats.validation.json b/data/squad_v2_Jeopardy_with_Context/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9976a330d4dc09fdd2ec0d7f7cc39d6382b6a8b5
--- /dev/null
+++ b/data/squad_v2_Jeopardy_with_Context/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5928,
+  "inputs_max_tokens": 590,
+  "inputs_tokens": 1272915,
+  "targets_max_tokens": 45,
+  "targets_tokens": 82403
+}
diff --git a/data/squad_v2_Jeopardy_with_Context/train.tfrecord-00000-of-00001 b/data/squad_v2_Jeopardy_with_Context/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9dda61ecb31f8cb24671d38c48c1a5f5fe46f3ce
--- /dev/null
+++ b/data/squad_v2_Jeopardy_with_Context/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6e8eb6d04c3f525f59fcc114ea4f6cf2e3cb9c9709f9011c7961c945eb4264ff
+size 125176858
diff --git a/data/squad_v2_Jeopardy_with_Context/validation.tfrecord-00000-of-00001 b/data/squad_v2_Jeopardy_with_Context/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..00cd608130946f598486ff5875aaf48ebf346f2f
--- /dev/null
+++ b/data/squad_v2_Jeopardy_with_Context/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:15cc3124e8ba5b072c8cb3d3060f371c6ddbea5ee9853fddc9967980b8a3eda4
+size 8951704
diff --git a/data/squad_v2_Jeopardy_without_Context/COMPLETED b/data/squad_v2_Jeopardy_without_Context/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Jeopardy_without_Context/info.train.json b/data/squad_v2_Jeopardy_without_Context/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Jeopardy_without_Context/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Jeopardy_without_Context/info.validation.json b/data/squad_v2_Jeopardy_without_Context/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Jeopardy_without_Context/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Jeopardy_without_Context/stats.train.json b/data/squad_v2_Jeopardy_without_Context/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..95516f8e0b69508ac4e42461f40db3c30f54ae51
--- /dev/null
+++ b/data/squad_v2_Jeopardy_without_Context/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 86821,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 1903702,
+  "targets_max_tokens": 66,
+  "targets_tokens": 1185169
+}
diff --git a/data/squad_v2_Jeopardy_without_Context/stats.validation.json b/data/squad_v2_Jeopardy_without_Context/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a21d4c2b0e58c6de1371f00d32169fda16a3fd46
--- /dev/null
+++ b/data/squad_v2_Jeopardy_without_Context/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5928,
+  "inputs_max_tokens": 63,
+  "inputs_tokens": 129960,
+  "targets_max_tokens": 45,
+  "targets_tokens": 82403
+}
diff --git a/data/squad_v2_Jeopardy_without_Context/train.tfrecord-00000-of-00001 b/data/squad_v2_Jeopardy_without_Context/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e3149e3dbc36b133dff644769f257e51cf840ef
--- /dev/null
+++ b/data/squad_v2_Jeopardy_without_Context/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e5bb93a44fe39ab4225e9715f221f627ee755132425452602608a467525faafe
+size 28434342
diff --git a/data/squad_v2_Jeopardy_without_Context/validation.tfrecord-00000-of-00001 b/data/squad_v2_Jeopardy_without_Context/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..aadffa53f2eaabd4071a79b79d63b2d47e552a0e
--- /dev/null
+++ b/data/squad_v2_Jeopardy_without_Context/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fe7a086dfd65b37b50aa612658bdd2e7af9359d598ff449566dbd16236b5f332
+size 1962678
diff --git a/data/squad_v2_Questions_with_Context/COMPLETED b/data/squad_v2_Questions_with_Context/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Questions_with_Context/info.train.json b/data/squad_v2_Questions_with_Context/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Questions_with_Context/info.validation.json b/data/squad_v2_Questions_with_Context/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Questions_with_Context/stats.train.json b/data/squad_v2_Questions_with_Context/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..597e004b56abd98931b874e1ff49dc4d4b494eb8
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 130319,
+  "inputs_max_tokens": 642,
+  "inputs_tokens": 26464935,
+  "targets_max_tokens": 75,
+  "targets_tokens": 602381
+}
diff --git a/data/squad_v2_Questions_with_Context/stats.validation.json b/data/squad_v2_Questions_with_Context/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..34c72883af8b01e5f4580926ba0746943f9e5b82
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11873,
+  "inputs_max_tokens": 581,
+  "inputs_tokens": 2503745,
+  "targets_max_tokens": 46,
+  "targets_tokens": 53013
+}
diff --git a/data/squad_v2_Questions_with_Context/train.tfrecord-00000-of-00001 b/data/squad_v2_Questions_with_Context/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0b06c382988aed6d24b16a80a623d74c342bc692
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a989e064e5539c61bd1a545a232d0dfa3f0452ba6f489dda87c9dc65db435768
+size 175954072
diff --git a/data/squad_v2_Questions_with_Context/validation.tfrecord-00000-of-00001 b/data/squad_v2_Questions_with_Context/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..67da6db3ff132ea3b370f9af1d00d449c6fa879a
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4f0044b2f0d8e472d051b9cff92513b459c5e7835b580afaaf765f3cd186cf7b
+size 16778489
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/COMPLETED b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/info.train.json b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/info.validation.json b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/stats.train.json b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4e40255711c6daa88c2755e07c3ca032a0b2578a
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 130319,
+  "inputs_max_tokens": 630,
+  "inputs_tokens": 24884731,
+  "targets_max_tokens": 75,
+  "targets_tokens": 602381
+}
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/stats.validation.json b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..33f76481a150f24ff820f6d3e55270290ba11c1e
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11873,
+  "inputs_max_tokens": 569,
+  "inputs_tokens": 2359681,
+  "targets_max_tokens": 46,
+  "targets_tokens": 53013
+}
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/train.tfrecord-00000-of-00001 b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..93b8deabcca3b716b4cb2d75c904a8b6022571e0
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:462a31a01d34ee677f649c7422b5dca14e593dc6117f37925c33c7e6008205ea
+size 167148350
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/validation.tfrecord-00000-of-00001 b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3b16a4f176843618ee4510cbc6f6b8a5b3a43d1e
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4242f76b2cca45a3d84c2acc901e428a563bc02a3b0f11d5bd926ccad7705c6b
+size 15976148
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/COMPLETED b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/info.train.json b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4faf689cc5066e8e37cbfa51d56865fcf547032f
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/info.validation.json b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4faf689cc5066e8e37cbfa51d56865fcf547032f
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/stats.train.json b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f943abaa4d9a62b22acaea84cdc861e4492cc58b
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 130319,
+  "inputs_max_tokens": 648,
+  "inputs_tokens": 27100013,
+  "targets_max_tokens": 75,
+  "targets_tokens": 602381
+}
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/stats.validation.json b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d3cab362646082c126cb530cff006da0e4b1ed08
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11873,
+  "inputs_max_tokens": 588,
+  "inputs_tokens": 2561386,
+  "targets_max_tokens": 46,
+  "targets_tokens": 53013
+}
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/train.tfrecord-00000-of-00001 b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eab465de511c3e6f2f19da29e367a9b339f21222
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d6116b3c064c01fe6f84a1c3c2070efb41d1af971e252a5018c1157b60299008
+size 177746281
diff --git a/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/validation.tfrecord-00000-of-00001 b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1fb19e43861dd81e6b6ce0a3f8f75a0ab58d5d0b
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2205b327c0594dac92822b8b1f5db6da98c8d9d1acd7e9159cce03b2a6a4ae81
+size 16924470
diff --git a/data/squad_v2_Questions_with_Context_unanswerable/COMPLETED b/data/squad_v2_Questions_with_Context_unanswerable/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Questions_with_Context_unanswerable/info.train.json b/data/squad_v2_Questions_with_Context_unanswerable/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4faf689cc5066e8e37cbfa51d56865fcf547032f
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_unanswerable/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/squad_v2_Questions_with_Context_unanswerable/info.validation.json b/data/squad_v2_Questions_with_Context_unanswerable/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4faf689cc5066e8e37cbfa51d56865fcf547032f
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_unanswerable/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/squad_v2_Questions_with_Context_unanswerable/stats.train.json b/data/squad_v2_Questions_with_Context_unanswerable/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..44628349614fc8a430e0224f32c4e61c62e9ae2d
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_unanswerable/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 130319,
+  "inputs_max_tokens": 659,
+  "inputs_tokens": 28676404,
+  "targets_max_tokens": 75,
+  "targets_tokens": 602381
+}
diff --git a/data/squad_v2_Questions_with_Context_unanswerable/stats.validation.json b/data/squad_v2_Questions_with_Context_unanswerable/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a14f612abe40aa6db08bca1f64cc3558233602e4
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_unanswerable/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11873,
+  "inputs_max_tokens": 598,
+  "inputs_tokens": 2705162,
+  "targets_max_tokens": 46,
+  "targets_tokens": 53013
+}
diff --git a/data/squad_v2_Questions_with_Context_unanswerable/train.tfrecord-00000-of-00001 b/data/squad_v2_Questions_with_Context_unanswerable/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..96d8555fdbfcc5db2d605dcf587f243ca90e3454
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_unanswerable/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b6f770d77382f62cf364f7b50ed29877d469236f14b561e730fffdec6185cb6d
+size 186285783
diff --git a/data/squad_v2_Questions_with_Context_unanswerable/validation.tfrecord-00000-of-00001 b/data/squad_v2_Questions_with_Context_unanswerable/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..62ae24efe270ecd74a4cefc0f5f7d066a778a2cd
--- /dev/null
+++ b/data/squad_v2_Questions_with_Context_unanswerable/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9bf9f5a7844cd735332af67da1518da1bcab2e4c9a85a7e23c4af5c48914d962
+size 17703750
diff --git a/data/squad_v2_Topic_Prediction_Context/COMPLETED b/data/squad_v2_Topic_Prediction_Context/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Topic_Prediction_Context/info.train.json b/data/squad_v2_Topic_Prediction_Context/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Topic_Prediction_Context/info.validation.json b/data/squad_v2_Topic_Prediction_Context/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Topic_Prediction_Context/stats.train.json b/data/squad_v2_Topic_Prediction_Context/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..49f2e3e262db455b32b25760b61c85f7b9385acd
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 130319,
+  "inputs_max_tokens": 617,
+  "inputs_tokens": 23602916,
+  "targets_max_tokens": 17,
+  "targets_tokens": 443914
+}
diff --git a/data/squad_v2_Topic_Prediction_Context/stats.validation.json b/data/squad_v2_Topic_Prediction_Context/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..34d44ea5526e093843b616d1cdfc0fb328996322
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11873,
+  "inputs_max_tokens": 556,
+  "inputs_tokens": 2242630,
+  "targets_max_tokens": 7,
+  "targets_tokens": 37006
+}
diff --git a/data/squad_v2_Topic_Prediction_Context/train.tfrecord-00000-of-00001 b/data/squad_v2_Topic_Prediction_Context/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5440c6d827dbdf9a1bbf1f740f97b11e8a28e1fd
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9bcb6d55cd06fa4ffec07da02b848894ffec4684d4abea399f90a882edfc6154
+size 159007369
diff --git a/data/squad_v2_Topic_Prediction_Context/validation.tfrecord-00000-of-00001 b/data/squad_v2_Topic_Prediction_Context/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d932dd4bc2aeb7cf82ee10e8cc2d7cd6d349663c
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f577efe658c88ed1332f83ef007b692d64fda8482eefbd9152f2d0671ac3a73c
+size 15214430
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/COMPLETED b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/info.train.json b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/info.validation.json b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/stats.train.json b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..144f1c905c7e97a58c8568044b30789f38236234
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 130319,
+  "inputs_max_tokens": 617,
+  "inputs_tokens": 23435376,
+  "targets_max_tokens": 17,
+  "targets_tokens": 443914
+}
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/stats.validation.json b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3b298f31dd16cb9ba1680b0929865491d02fd0c2
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11873,
+  "inputs_max_tokens": 556,
+  "inputs_tokens": 2227388,
+  "targets_max_tokens": 7,
+  "targets_tokens": 37006
+}
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/train.tfrecord-00000-of-00001 b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..578774e43d335e48d64a5452b14632e1ca9c157d
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e1d677f8c72b93c0458d13275df0a23253dc7284e67eaa943fe7aa753eed9519
+size 157518920
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/validation.tfrecord-00000-of-00001 b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a6ee64f4be5bb87ab1c3bac224dcbb02abb345d4
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dc9ddc74740c285079c21b08879af4bd2277fd20a3a1c330b5a71db1e24f2e75
+size 15078837
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/COMPLETED b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/info.train.json b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/info.validation.json b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/stats.train.json b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..338d73ea59f6f06b750cc734142e3e13150c9975
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 130319,
+  "inputs_max_tokens": 617,
+  "inputs_tokens": 23356596,
+  "targets_max_tokens": 17,
+  "targets_tokens": 443914
+}
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/stats.validation.json b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0756174f8962a3d2c76d1b387958cbc519857f75
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11873,
+  "inputs_max_tokens": 556,
+  "inputs_tokens": 2220114,
+  "targets_max_tokens": 7,
+  "targets_tokens": 37006
+}
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/train.tfrecord-00000-of-00001 b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e54c16638f32a9d9bfb15a07435b094b0aab3d25
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c28f7216c86e21802adc57a900c35bb1f38239854191bedf9f6f8530d247411c
+size 156933865
diff --git a/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/validation.tfrecord-00000-of-00001 b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8b6228e2e297ac5a26f9cfe034ff6b9dfd9c9318
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d0678be8c4471d5bb67b82eff5ceb9d5c855d1ccb5b4ccc0f2273f7a7a6bf0df
+size 15025177
diff --git a/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/COMPLETED b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/info.train.json b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/info.validation.json b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/stats.train.json b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9ec734db2f9fd22ef2b4d730fda0d11f8ca34e4
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 86821,
+  "inputs_max_tokens": 113,
+  "inputs_tokens": 2947116,
+  "targets_max_tokens": 26,
+  "targets_tokens": 458846
+}
diff --git a/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/stats.validation.json b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..766e7a87fae6d72e0111b6528d9fc6cc678f74d7
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5928,
+  "inputs_max_tokens": 77,
+  "inputs_tokens": 202480,
+  "targets_max_tokens": 16,
+  "targets_tokens": 29960
+}
diff --git a/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/train.tfrecord-00000-of-00001 b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..00e7d4c8931560d82d548c15d0a954c8f6419c3b
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:608f056f2d73419767321f32739f66ea2cf47f8f2599136914545c747fe3ef09
+size 29373460
diff --git a/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/validation.tfrecord-00000-of-00001 b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b661705f33e5ab302f83b41ca7514d53ce6142dd
--- /dev/null
+++ b/data/squad_v2_Topic_Prediction_Question_and_Answer_Pair/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2bbd5e46f8562b74a1ddfcca1419015b08ba557aa860d81c1a908da1bbd59ba3
+size 2022789
diff --git a/data/squad_v2_Trivia/COMPLETED b/data/squad_v2_Trivia/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Trivia/info.train.json b/data/squad_v2_Trivia/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Trivia/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Trivia/info.validation.json b/data/squad_v2_Trivia/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/squad_v2_Trivia/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Trivia/stats.train.json b/data/squad_v2_Trivia/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c9171b87a95797ecc61f0b527078f7ae838029f4
--- /dev/null
+++ b/data/squad_v2_Trivia/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 86821,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 1185169,
+  "targets_max_tokens": 75,
+  "targets_tokens": 428389
+}
diff --git a/data/squad_v2_Trivia/stats.validation.json b/data/squad_v2_Trivia/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..134d55d595923b68cf15259eea4dc220e5fc8d4a
--- /dev/null
+++ b/data/squad_v2_Trivia/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5928,
+  "inputs_max_tokens": 45,
+  "inputs_tokens": 82403,
+  "targets_max_tokens": 46,
+  "targets_tokens": 29233
+}
diff --git a/data/squad_v2_Trivia/train.tfrecord-00000-of-00001 b/data/squad_v2_Trivia/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..64dcebbe09f4ab2757cd2b73237804ad6c72c6d2
--- /dev/null
+++ b/data/squad_v2_Trivia/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:836bb9a78de46c56328bdae164c16e7c4faef5e8f080a33bd1d65174f5b7a5b4
+size 19537048
diff --git a/data/squad_v2_Trivia/validation.tfrecord-00000-of-00001 b/data/squad_v2_Trivia/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..282337a28a15dd1cb0d1965ddb75220d5ea4d69d
--- /dev/null
+++ b/data/squad_v2_Trivia/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2135f982b923afccb7231698cd3b831974063029eabf0f626b45d636a59bcac8
+size 1354907
diff --git a/data/squad_v2_Unanwerable_question/COMPLETED b/data/squad_v2_Unanwerable_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/squad_v2_Unanwerable_question/info.train.json b/data/squad_v2_Unanwerable_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/squad_v2_Unanwerable_question/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Unanwerable_question/info.validation.json b/data/squad_v2_Unanwerable_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/squad_v2_Unanwerable_question/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/squad_v2_Unanwerable_question/stats.train.json b/data/squad_v2_Unanwerable_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6c0c0fc501e5149a7fd4f53e878538351b828888
--- /dev/null
+++ b/data/squad_v2_Unanwerable_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 130319,
+  "inputs_max_tokens": 638,
+  "inputs_tokens": 26135293,
+  "targets_max_tokens": 1,
+  "targets_tokens": 130319
+}
diff --git a/data/squad_v2_Unanwerable_question/stats.validation.json b/data/squad_v2_Unanwerable_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c73e2dc5dae85cf147f56d80528ec243148e729d
--- /dev/null
+++ b/data/squad_v2_Unanwerable_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11873,
+  "inputs_max_tokens": 580,
+  "inputs_tokens": 2473600,
+  "targets_max_tokens": 1,
+  "targets_tokens": 11873
+}
diff --git a/data/squad_v2_Unanwerable_question/train.tfrecord-00000-of-00001 b/data/squad_v2_Unanwerable_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eca61f1ead9738fd874b7f890aa6a05f4f5e8f4e
--- /dev/null
+++ b/data/squad_v2_Unanwerable_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c58cbb04f3d2e05f6a09ddd92f2f16d1158504cdbeab952442ca9928040a2585
+size 175166248
diff --git a/data/squad_v2_Unanwerable_question/validation.tfrecord-00000-of-00001 b/data/squad_v2_Unanwerable_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..234eed42fcf64ac668406152fe79ccfda61248de
--- /dev/null
+++ b/data/squad_v2_Unanwerable_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:078dbaab8e41dabe8cc6e5670ebb70d8de7f18b56a052ba013b2eebeace72b23
+size 16703118
diff --git a/data/super_glue_boolq_GPT_3_Style/COMPLETED b/data/super_glue_boolq_GPT_3_Style/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_GPT_3_Style/info.test.json b/data/super_glue_boolq_GPT_3_Style/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_GPT_3_Style/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_GPT_3_Style/info.train.json b/data/super_glue_boolq_GPT_3_Style/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_GPT_3_Style/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_GPT_3_Style/info.validation.json b/data/super_glue_boolq_GPT_3_Style/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_GPT_3_Style/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_GPT_3_Style/stats.test.json b/data/super_glue_boolq_GPT_3_Style/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d103fe813b8040d8f05a7cf4b86311d96190d6dc
--- /dev/null
+++ b/data/super_glue_boolq_GPT_3_Style/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 558,
+  "inputs_tokens": 500191,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_GPT_3_Style/stats.train.json b/data/super_glue_boolq_GPT_3_Style/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..114b2fbb9d9befca8b4d3f6b74b2a75fd3efed7d
--- /dev/null
+++ b/data/super_glue_boolq_GPT_3_Style/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 591,
+  "inputs_tokens": 1465739,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9427
+}
diff --git a/data/super_glue_boolq_GPT_3_Style/stats.validation.json b/data/super_glue_boolq_GPT_3_Style/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..29f93d0d1725cdf0f6ef02b29142dfe8c182951d
--- /dev/null
+++ b/data/super_glue_boolq_GPT_3_Style/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 574,
+  "inputs_tokens": 502679,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3270
+}
diff --git a/data/super_glue_boolq_GPT_3_Style/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_GPT_3_Style/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0af4e16789a8e2dabd050842e214b4c63baadaca
--- /dev/null
+++ b/data/super_glue_boolq_GPT_3_Style/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:78219026c853852dd0eb6c9de716ee80c525ccddc199c161976b1ddf7078ffcb
+size 3447425
diff --git a/data/super_glue_boolq_GPT_3_Style/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_GPT_3_Style/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f6f832bf0a012691cb42ce5573d482c11df29a52
--- /dev/null
+++ b/data/super_glue_boolq_GPT_3_Style/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:13177b1eca981170471542c06869a5f8d8b08f70dbc592c7a26434838255ea88
+size 9920569
diff --git a/data/super_glue_boolq_GPT_3_Style/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_GPT_3_Style/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1eb6dbc7fc2f3511f9574a10a42dbad60908e1db
--- /dev/null
+++ b/data/super_glue_boolq_GPT_3_Style/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:42400eb3603eac851803eb2785f0f0bcaace820893576babab1a98c4da557b02
+size 3403892
diff --git a/data/super_glue_boolq_I_wonder_/COMPLETED b/data/super_glue_boolq_I_wonder_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_I_wonder_/info.test.json b/data/super_glue_boolq_I_wonder_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_I_wonder_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_I_wonder_/info.train.json b/data/super_glue_boolq_I_wonder_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_I_wonder_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_I_wonder_/info.validation.json b/data/super_glue_boolq_I_wonder_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_I_wonder_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_I_wonder_/stats.test.json b/data/super_glue_boolq_I_wonder_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e726d4daae3216c539e8f2dc045a7627b2976f3b
--- /dev/null
+++ b/data/super_glue_boolq_I_wonder_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 562,
+  "inputs_tokens": 513171,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_I_wonder_/stats.train.json b/data/super_glue_boolq_I_wonder_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..bb0a5ec908bd1b9633b78bd6155f64d27a148424
--- /dev/null
+++ b/data/super_glue_boolq_I_wonder_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 595,
+  "inputs_tokens": 1503448,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9427
+}
diff --git a/data/super_glue_boolq_I_wonder_/stats.validation.json b/data/super_glue_boolq_I_wonder_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..92389dee128cd1c709db0b8c8b12353739225d9c
--- /dev/null
+++ b/data/super_glue_boolq_I_wonder_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 578,
+  "inputs_tokens": 515759,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3270
+}
diff --git a/data/super_glue_boolq_I_wonder_/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_I_wonder_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..097a7868144ae6ececfee6d737f56d5d2189ce40
--- /dev/null
+++ b/data/super_glue_boolq_I_wonder_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:44f6b7d23a646a9aaba8e0f4c0ef07417f8616e9e388395e5e70e0ef7c60e7d5
+size 3499498
diff --git a/data/super_glue_boolq_I_wonder_/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_I_wonder_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..15ad3536e9fd9e82c0e676398feed8aa19a8a26d
--- /dev/null
+++ b/data/super_glue_boolq_I_wonder_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7dd09f9783084d3ca20630e5f7a3db8a257fa06f92601e82bca91fbc42bd5253
+size 10071942
diff --git a/data/super_glue_boolq_I_wonder_/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_I_wonder_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ca5d1481ce3b92f58da0050dd7d6924ca7703b82
--- /dev/null
+++ b/data/super_glue_boolq_I_wonder_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c8f781361c0d461f1c874e4c65ffa7be20433c716b7200e4fc742f038ee67cb
+size 3456426
diff --git a/data/super_glue_boolq_after_reading/COMPLETED b/data/super_glue_boolq_after_reading/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_after_reading/info.test.json b/data/super_glue_boolq_after_reading/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_after_reading/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_after_reading/info.train.json b/data/super_glue_boolq_after_reading/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_after_reading/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_after_reading/info.validation.json b/data/super_glue_boolq_after_reading/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_after_reading/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_after_reading/stats.test.json b/data/super_glue_boolq_after_reading/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ae566e91c92ea82e13e2e019f2e1962363aa4bfd
--- /dev/null
+++ b/data/super_glue_boolq_after_reading/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 575,
+  "inputs_tokens": 555356,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_after_reading/stats.train.json b/data/super_glue_boolq_after_reading/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..de8d978caaeab47c538dd1cda8f51520c578d39e
--- /dev/null
+++ b/data/super_glue_boolq_after_reading/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 608,
+  "inputs_tokens": 1625999,
+  "targets_max_tokens": 3,
+  "targets_tokens": 16533
+}
diff --git a/data/super_glue_boolq_after_reading/stats.validation.json b/data/super_glue_boolq_after_reading/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2dcc59a56c55a44d492ed10c03f48697cf952d5b
--- /dev/null
+++ b/data/super_glue_boolq_after_reading/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 591,
+  "inputs_tokens": 558269,
+  "targets_max_tokens": 3,
+  "targets_tokens": 5744
+}
diff --git a/data/super_glue_boolq_after_reading/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_after_reading/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2f46fb0c60ecfa2b4b29c5d78832570648b4cc3d
--- /dev/null
+++ b/data/super_glue_boolq_after_reading/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:19b1feb0625d85f858ecc0091c412a16d7867605198f27c23927511f46f33748
+size 3710964
diff --git a/data/super_glue_boolq_after_reading/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_after_reading/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a98b2f34b1f148093f7e84a33598f33799d4cb8d
--- /dev/null
+++ b/data/super_glue_boolq_after_reading/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5d60173714c113a31130b9e28704aa71da7efb3a27a26da4f049d0fe8dbb615e
+size 10710015
diff --git a/data/super_glue_boolq_after_reading/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_after_reading/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f81376f7083bca8dd6822000a519e294258149b8
--- /dev/null
+++ b/data/super_glue_boolq_after_reading/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c2cc562c3d68aa554268ccd7e569c85d625bf1395d2b65d4f2047e4df3bd82e8
+size 3677792
diff --git a/data/super_glue_boolq_based_on_the_following_passage/COMPLETED b/data/super_glue_boolq_based_on_the_following_passage/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_based_on_the_following_passage/info.test.json b/data/super_glue_boolq_based_on_the_following_passage/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_following_passage/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_based_on_the_following_passage/info.train.json b/data/super_glue_boolq_based_on_the_following_passage/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_following_passage/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_based_on_the_following_passage/info.validation.json b/data/super_glue_boolq_based_on_the_following_passage/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_following_passage/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_based_on_the_following_passage/stats.test.json b/data/super_glue_boolq_based_on_the_following_passage/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..824d4b75465f92d57f50468438d7a5634ad36b98
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_following_passage/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 561,
+  "inputs_tokens": 509926,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_based_on_the_following_passage/stats.train.json b/data/super_glue_boolq_based_on_the_following_passage/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..93cc6fd56357a505c7d7d08c333db68d10fc6549
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_following_passage/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 594,
+  "inputs_tokens": 1494021,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9427
+}
diff --git a/data/super_glue_boolq_based_on_the_following_passage/stats.validation.json b/data/super_glue_boolq_based_on_the_following_passage/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..98539cfdac149c31e5484bb3905ffc326b4bf57a
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_following_passage/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 577,
+  "inputs_tokens": 512489,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3270
+}
diff --git a/data/super_glue_boolq_based_on_the_following_passage/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_based_on_the_following_passage/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d94ff871d629d876bdd84379730705b91decc18c
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_following_passage/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:50dbe9cc2dc62f157258d6742934d5864cb7afb57ff6412094af93e9f6d406fb
+size 3505965
diff --git a/data/super_glue_boolq_based_on_the_following_passage/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_based_on_the_following_passage/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..50c99b0ac96b1cd06f3b50f71eb7d0af9950a1ae
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_following_passage/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:07f140dc8d0198a4f84c52631ca0e6dc29fbe80066e7108e9eb677a472f48de0
+size 10090674
diff --git a/data/super_glue_boolq_based_on_the_following_passage/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_based_on_the_following_passage/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..324a517db993891de5f108e1a9095825e5b92558
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_following_passage/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c5fb0e7174a5cdf47901c46e9c310e9ead42c05301efb6354022adf56c359cb
+size 3462918
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/COMPLETED b/data/super_glue_boolq_based_on_the_previous_passage/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/info.test.json b/data/super_glue_boolq_based_on_the_previous_passage/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_previous_passage/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/info.train.json b/data/super_glue_boolq_based_on_the_previous_passage/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_previous_passage/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/info.validation.json b/data/super_glue_boolq_based_on_the_previous_passage/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_previous_passage/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/stats.test.json b/data/super_glue_boolq_based_on_the_previous_passage/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..824d4b75465f92d57f50468438d7a5634ad36b98
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_previous_passage/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 561,
+  "inputs_tokens": 509926,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/stats.train.json b/data/super_glue_boolq_based_on_the_previous_passage/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..93cc6fd56357a505c7d7d08c333db68d10fc6549
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_previous_passage/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 594,
+  "inputs_tokens": 1494021,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9427
+}
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/stats.validation.json b/data/super_glue_boolq_based_on_the_previous_passage/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..98539cfdac149c31e5484bb3905ffc326b4bf57a
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_previous_passage/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 577,
+  "inputs_tokens": 512489,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3270
+}
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_based_on_the_previous_passage/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f238fcc93cf6e113919bb29d52326580eee0afe1
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_previous_passage/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:de59686fc5ba9ce4e52201943a56fbdf97fad4f45d44b7505262cdbf22cfa0e1
+size 3502720
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_based_on_the_previous_passage/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9cc7c66d865f0002c2e61aa96697e74e0980ace5
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_previous_passage/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:67a9fe29cd8080765bf134a5696bc7d16761b31a8e569f86b96cbc8598d6f99a
+size 10081247
diff --git a/data/super_glue_boolq_based_on_the_previous_passage/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_based_on_the_previous_passage/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d877e8d80e8623c78582f6441d2f7bf290d3b0da
--- /dev/null
+++ b/data/super_glue_boolq_based_on_the_previous_passage/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c4667cd6486a2db14713a5bb82225acb758456d986aaaa9b88fdf7b1efab4346
+size 3459648
diff --git a/data/super_glue_boolq_could_you_tell_me_/COMPLETED b/data/super_glue_boolq_could_you_tell_me_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_could_you_tell_me_/info.test.json b/data/super_glue_boolq_could_you_tell_me_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_could_you_tell_me_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_could_you_tell_me_/info.train.json b/data/super_glue_boolq_could_you_tell_me_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_could_you_tell_me_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_could_you_tell_me_/info.validation.json b/data/super_glue_boolq_could_you_tell_me_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_could_you_tell_me_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_could_you_tell_me_/stats.test.json b/data/super_glue_boolq_could_you_tell_me_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ecb71eb6b971a4697111f3c527a39711e642b026
--- /dev/null
+++ b/data/super_glue_boolq_could_you_tell_me_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 564,
+  "inputs_tokens": 519661,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_could_you_tell_me_/stats.train.json b/data/super_glue_boolq_could_you_tell_me_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8c0e930bc66be72a7cd0476c35e2804ecdb82a9b
--- /dev/null
+++ b/data/super_glue_boolq_could_you_tell_me_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 597,
+  "inputs_tokens": 1522302,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9427
+}
diff --git a/data/super_glue_boolq_could_you_tell_me_/stats.validation.json b/data/super_glue_boolq_could_you_tell_me_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..637e1422b792f69cee5a748572720b136df496d1
--- /dev/null
+++ b/data/super_glue_boolq_could_you_tell_me_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 580,
+  "inputs_tokens": 522299,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3270
+}
diff --git a/data/super_glue_boolq_could_you_tell_me_/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_could_you_tell_me_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a8a299af62cdb06c2f8d8fdd3f7c73ceeabd6f0f
--- /dev/null
+++ b/data/super_glue_boolq_could_you_tell_me_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:961067de572f73f283e55103301b42397ec0afaffafa8386e367468e1d503141
+size 3541806
diff --git a/data/super_glue_boolq_could_you_tell_me_/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_could_you_tell_me_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1bcc2014abd09200f36395bd9cb3faab90c41401
--- /dev/null
+++ b/data/super_glue_boolq_could_you_tell_me_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4f0cf73bc333355dc6c3b5143ffe1abffc0dc2a4cae193db45d841b0e6226d4d
+size 10194882
diff --git a/data/super_glue_boolq_could_you_tell_me_/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_could_you_tell_me_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f8806418724978a343e3d88146dcb96cbd7593c7
--- /dev/null
+++ b/data/super_glue_boolq_could_you_tell_me_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ee857a4b2823bb3a84b88552d76c6c1cf55cd158bd71347891e7424f734464c8
+size 3499088
diff --git a/data/super_glue_boolq_exam/COMPLETED b/data/super_glue_boolq_exam/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_exam/info.test.json b/data/super_glue_boolq_exam/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_exam/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_exam/info.train.json b/data/super_glue_boolq_exam/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_exam/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_exam/info.validation.json b/data/super_glue_boolq_exam/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_exam/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_exam/stats.test.json b/data/super_glue_boolq_exam/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c5348b8577e2e96f8baa6fb7532e9a3683db7f26
--- /dev/null
+++ b/data/super_glue_boolq_exam/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 569,
+  "inputs_tokens": 535886,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_exam/stats.train.json b/data/super_glue_boolq_exam/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ed91b0ac132f32e1719ce9657f7602fb40769fd8
--- /dev/null
+++ b/data/super_glue_boolq_exam/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 602,
+  "inputs_tokens": 1569437,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9427
+}
diff --git a/data/super_glue_boolq_exam/stats.validation.json b/data/super_glue_boolq_exam/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..82cd93682bcf79d3838945b4a42dcd4feaf0f293
--- /dev/null
+++ b/data/super_glue_boolq_exam/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 585,
+  "inputs_tokens": 538649,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3270
+}
diff --git a/data/super_glue_boolq_exam/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_exam/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c40bf54e79dc464ffbfd9be288f9f652683a2c0f
--- /dev/null
+++ b/data/super_glue_boolq_exam/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a5dfb36f403a598c475633488940e10fb1cbf7d089c0a67c59c601b9e1b51a28
+size 3606975
diff --git a/data/super_glue_boolq_exam/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_exam/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6fabcfa9998f4e097a6c3dbf21ac64972f156b99
--- /dev/null
+++ b/data/super_glue_boolq_exam/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3545632f0a97160a1f8fb93485121479733775e670243c643ffdc3c173d78fda
+size 10384210
diff --git a/data/super_glue_boolq_exam/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_exam/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ceda42d197617ff21731a1afafe14404135a3cdf
--- /dev/null
+++ b/data/super_glue_boolq_exam/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a75f09560db658a4d9ef5b959783c5e9dced6ac817b76d3f5d64963ab2021420
+size 3564752
diff --git a/data/super_glue_boolq_exercise/COMPLETED b/data/super_glue_boolq_exercise/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_exercise/info.test.json b/data/super_glue_boolq_exercise/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_exercise/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_exercise/info.train.json b/data/super_glue_boolq_exercise/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_exercise/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_exercise/info.validation.json b/data/super_glue_boolq_exercise/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_exercise/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_exercise/stats.test.json b/data/super_glue_boolq_exercise/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ae566e91c92ea82e13e2e019f2e1962363aa4bfd
--- /dev/null
+++ b/data/super_glue_boolq_exercise/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 575,
+  "inputs_tokens": 555356,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_exercise/stats.train.json b/data/super_glue_boolq_exercise/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..de8d978caaeab47c538dd1cda8f51520c578d39e
--- /dev/null
+++ b/data/super_glue_boolq_exercise/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 608,
+  "inputs_tokens": 1625999,
+  "targets_max_tokens": 3,
+  "targets_tokens": 16533
+}
diff --git a/data/super_glue_boolq_exercise/stats.validation.json b/data/super_glue_boolq_exercise/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2dcc59a56c55a44d492ed10c03f48697cf952d5b
--- /dev/null
+++ b/data/super_glue_boolq_exercise/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 591,
+  "inputs_tokens": 558269,
+  "targets_max_tokens": 3,
+  "targets_tokens": 5744
+}
diff --git a/data/super_glue_boolq_exercise/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_exercise/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..14f08f6ea5aff9d85189fc071193853117f67a34
--- /dev/null
+++ b/data/super_glue_boolq_exercise/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c3e9ce64c6ec31689c2b0bad0a895ad74a22527ffb18db70661ec4508e96ce8e
+size 3753201
diff --git a/data/super_glue_boolq_exercise/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_exercise/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2f39b58ba3fde500961204ab253f8c6e92bdb75b
--- /dev/null
+++ b/data/super_glue_boolq_exercise/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:297f84893f7addc3f384d2a6d714289d613764f4de5f00837c1893be187adcc9
+size 10832734
diff --git a/data/super_glue_boolq_exercise/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_exercise/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8b28ef02018d5f33efaf98b9767c52c7705f4210
--- /dev/null
+++ b/data/super_glue_boolq_exercise/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:28ed7be0c11ddec03e9bd336167282e1e925e7dc062659391d804db66f11d15f
+size 3720362
diff --git a/data/super_glue_boolq_valid_binary/COMPLETED b/data/super_glue_boolq_valid_binary/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_valid_binary/info.test.json b/data/super_glue_boolq_valid_binary/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_valid_binary/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_valid_binary/info.train.json b/data/super_glue_boolq_valid_binary/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_valid_binary/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_valid_binary/info.validation.json b/data/super_glue_boolq_valid_binary/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_valid_binary/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_valid_binary/stats.test.json b/data/super_glue_boolq_valid_binary/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f6d87610e199e10248e52612c6ffafcbd7df695b
--- /dev/null
+++ b/data/super_glue_boolq_valid_binary/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 563,
+  "inputs_tokens": 516416,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_valid_binary/stats.train.json b/data/super_glue_boolq_valid_binary/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b8a23f686f7f7852ac7eec4f16597c88eacd5485
--- /dev/null
+++ b/data/super_glue_boolq_valid_binary/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 596,
+  "inputs_tokens": 1512875,
+  "targets_max_tokens": 3,
+  "targets_tokens": 16533
+}
diff --git a/data/super_glue_boolq_valid_binary/stats.validation.json b/data/super_glue_boolq_valid_binary/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..de7f2a5e29a7c5400f87f54c1e4bf417ef8e9ba2
--- /dev/null
+++ b/data/super_glue_boolq_valid_binary/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 579,
+  "inputs_tokens": 519029,
+  "targets_max_tokens": 3,
+  "targets_tokens": 5744
+}
diff --git a/data/super_glue_boolq_valid_binary/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_valid_binary/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..52bd9e7e3d3107d0204715d444be15a94a4f3d79
--- /dev/null
+++ b/data/super_glue_boolq_valid_binary/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:67d7acccd82e24fe51e53ab99348fb538c730e1fa72762756817bcad002c2c1d
+size 3483304
diff --git a/data/super_glue_boolq_valid_binary/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_valid_binary/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c64aba42e417a6249b6c2442e4fdd02cfc21eac5
--- /dev/null
+++ b/data/super_glue_boolq_valid_binary/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:58c83b09cafb26f45baf99f3c11008346b27236dd05da122f48bfe176a157446
+size 10048521
diff --git a/data/super_glue_boolq_valid_binary/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_valid_binary/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f2663b7b18194ba1682e780aeb872ace1bbf8e84
--- /dev/null
+++ b/data/super_glue_boolq_valid_binary/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:124395291aa96423232a0d0fddd1effb54bc84232e2fb03a04c2ee9b7ab6eeb9
+size 3448326
diff --git a/data/super_glue_boolq_yes_no_question/COMPLETED b/data/super_glue_boolq_yes_no_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_boolq_yes_no_question/info.test.json b/data/super_glue_boolq_yes_no_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_yes_no_question/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_yes_no_question/info.train.json b/data/super_glue_boolq_yes_no_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_yes_no_question/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_yes_no_question/info.validation.json b/data/super_glue_boolq_yes_no_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_boolq_yes_no_question/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_boolq_yes_no_question/stats.test.json b/data/super_glue_boolq_yes_no_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..39ae1116b845aaa1f9ff94851c3b4c676ae6c614
--- /dev/null
+++ b/data/super_glue_boolq_yes_no_question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3245,
+  "inputs_max_tokens": 570,
+  "inputs_tokens": 539131,
+  "targets_max_tokens": 7,
+  "targets_tokens": 22715
+}
diff --git a/data/super_glue_boolq_yes_no_question/stats.train.json b/data/super_glue_boolq_yes_no_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..94d7f4c77c75ebe215344357f1ab103f3ce44cf3
--- /dev/null
+++ b/data/super_glue_boolq_yes_no_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9427,
+  "inputs_max_tokens": 603,
+  "inputs_tokens": 1578864,
+  "targets_max_tokens": 1,
+  "targets_tokens": 9427
+}
diff --git a/data/super_glue_boolq_yes_no_question/stats.validation.json b/data/super_glue_boolq_yes_no_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a8a197702c528942fa23e1ef6f7c7fa1714f807c
--- /dev/null
+++ b/data/super_glue_boolq_yes_no_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3270,
+  "inputs_max_tokens": 586,
+  "inputs_tokens": 541919,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3270
+}
diff --git a/data/super_glue_boolq_yes_no_question/test.tfrecord-00000-of-00001 b/data/super_glue_boolq_yes_no_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..32f672b29a929dd9ba82e71262bfbd6fc78bb2fa
--- /dev/null
+++ b/data/super_glue_boolq_yes_no_question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:557f49fb329ce87c5669d944e81f4cd75b52ce5eaa298fa9d9dc00f2ac91b8d8
+size 3626445
diff --git a/data/super_glue_boolq_yes_no_question/train.tfrecord-00000-of-00001 b/data/super_glue_boolq_yes_no_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d470dc9d49d5965da69b160788cf47a78c3ed57
--- /dev/null
+++ b/data/super_glue_boolq_yes_no_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2858a4f8ad27044a29eed7e5a2b2d1326dd50763bdb870217f05e7a2380af957
+size 10440772
diff --git a/data/super_glue_boolq_yes_no_question/validation.tfrecord-00000-of-00001 b/data/super_glue_boolq_yes_no_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2f91432623f9ce69ba1ebbebbcf3d6943a9b5f63
--- /dev/null
+++ b/data/super_glue_boolq_yes_no_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c46291764eaf4ed69dbffdda49140ea291592f87f0b6cc81ccf12d98046009f5
+size 3584372
diff --git a/data/super_glue_cb_GPT_3_style/COMPLETED b/data/super_glue_cb_GPT_3_style/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_GPT_3_style/info.test.json b/data/super_glue_cb_GPT_3_style/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_GPT_3_style/info.train.json b/data/super_glue_cb_GPT_3_style/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_GPT_3_style/info.validation.json b/data/super_glue_cb_GPT_3_style/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_GPT_3_style/stats.test.json b/data/super_glue_cb_GPT_3_style/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0e204024fc339ebf98d41fd6481ace1c70f1e32a
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 600,
+  "inputs_tokens": 26436,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_GPT_3_style/stats.train.json b/data/super_glue_cb_GPT_3_style/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8bdf0c8785b54862d58021fb4ca8333b742e33ed
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 308,
+  "inputs_tokens": 24878,
+  "targets_max_tokens": 3,
+  "targets_tokens": 504
+}
diff --git a/data/super_glue_cb_GPT_3_style/stats.validation.json b/data/super_glue_cb_GPT_3_style/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a10e5287948b7f78a144d46b02121f5baf79a08f
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 304,
+  "inputs_tokens": 6201,
+  "targets_max_tokens": 3,
+  "targets_tokens": 117
+}
diff --git a/data/super_glue_cb_GPT_3_style/test.tfrecord-00000-of-00001 b/data/super_glue_cb_GPT_3_style/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5a7e524c9b79206e4d1228b6b5256dcce7087fe5
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4bdcd7e4cce8395a012607ec4290950688f3bc81f9d9b41aeecd2166ae04b413
+size 181869
diff --git a/data/super_glue_cb_GPT_3_style/train.tfrecord-00000-of-00001 b/data/super_glue_cb_GPT_3_style/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e0ac07843056473023ca5a4d892d2fe3349b2d75
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c043f67c8616d42ac9852952279c78f7631e75d64bed3b951659b92c128750ca
+size 169617
diff --git a/data/super_glue_cb_GPT_3_style/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_GPT_3_style/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bbdcb6ab42028a82df2e5806bdc42c1f142944b3
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ef4923f24c133dea7ba30c369970985826c351e13f0da0ef66f7573ef4d4c869
+size 41262
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/COMPLETED b/data/super_glue_cb_GPT_3_style_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/info.test.json b/data/super_glue_cb_GPT_3_style_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/info.train.json b/data/super_glue_cb_GPT_3_style_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/info.validation.json b/data/super_glue_cb_GPT_3_style_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/stats.test.json b/data/super_glue_cb_GPT_3_style_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..efcef8e699f398e577f6ce38a965619f0d70273b
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 600,
+  "inputs_tokens": 79308,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1500
+}
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/stats.train.json b/data/super_glue_cb_GPT_3_style_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0fc83dd569da3ec7205006e6b3eba5a8d5fdd573
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 308,
+  "inputs_tokens": 74634,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1500
+}
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/stats.validation.json b/data/super_glue_cb_GPT_3_style_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ace9ea515a24c7158badfefffb391f45b8c21d08
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 304,
+  "inputs_tokens": 18603,
+  "targets_max_tokens": 3,
+  "targets_tokens": 336
+}
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_GPT_3_style_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2c0cc37e8f238a2bb0a9df8050f1c97d1e8836ba
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:69df990bbd021e6041ac8590b12446b8fda5af3c6f5506563fb49b8c5ae7b441
+size 544973
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_GPT_3_style_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..51cb76f9eaaca8aaeb021502f3523734dc8ea5bc
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7a3344000cb3d6120d3966544a0ac5978936fa390ff8dd8902110cad642795fa
+size 518906
diff --git a/data/super_glue_cb_GPT_3_style_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_GPT_3_style_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..024dafc047c9f798cf90ee5dfca27724f8556802
--- /dev/null
+++ b/data/super_glue_cb_GPT_3_style_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5409f23428b138cfd085208912a2d76754be6d78117b7b64877f5a2150b2fa5b
+size 125923
diff --git a/data/super_glue_cb_MNLI_crowdsource/COMPLETED b/data/super_glue_cb_MNLI_crowdsource/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_MNLI_crowdsource/info.test.json b/data/super_glue_cb_MNLI_crowdsource/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource/info.train.json b/data/super_glue_cb_MNLI_crowdsource/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource/info.validation.json b/data/super_glue_cb_MNLI_crowdsource/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource/stats.test.json b/data/super_glue_cb_MNLI_crowdsource/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d4a1a4eedc69e4348a3719dbd8d207fb34b6dbfc
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 618,
+  "inputs_tokens": 30746,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource/stats.train.json b/data/super_glue_cb_MNLI_crowdsource/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d032c470282ed0bead62e90f86dacfeab4889f3d
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 324,
+  "inputs_tokens": 29221,
+  "targets_max_tokens": 5,
+  "targets_tokens": 433
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource/stats.validation.json b/data/super_glue_cb_MNLI_crowdsource/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b460b6b0ed9ca47ee1342285cfe0a3afbf7478e1
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 321,
+  "inputs_tokens": 7160,
+  "targets_max_tokens": 5,
+  "targets_tokens": 104
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource/test.tfrecord-00000-of-00001 b/data/super_glue_cb_MNLI_crowdsource/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..14a54f8138db9d5eb7c149cecf21469a387b48b8
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:389f04a85f6c9d1a4c5aa22d0e970967d1aa655c32f5d1c84cdad67347e6d940
+size 212723
diff --git a/data/super_glue_cb_MNLI_crowdsource/train.tfrecord-00000-of-00001 b/data/super_glue_cb_MNLI_crowdsource/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2920bd4eb563e121180a7b5d116c57adf361f42f
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f11e234c72e1274cbc7a0b6a08887eec47a881c9e0a09822a3122968a4f62573
+size 201644
diff --git a/data/super_glue_cb_MNLI_crowdsource/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_MNLI_crowdsource/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..754554ba4877a79339a5aa6fccaa015b5106e40f
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3be15be5e10e2b8cc3cd568e0848ebf5b8e9a244eb036053c30ac2a9e309ab3c
+size 48420
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/COMPLETED b/data/super_glue_cb_MNLI_crowdsource_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/info.test.json b/data/super_glue_cb_MNLI_crowdsource_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/info.train.json b/data/super_glue_cb_MNLI_crowdsource_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/info.validation.json b/data/super_glue_cb_MNLI_crowdsource_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/stats.test.json b/data/super_glue_cb_MNLI_crowdsource_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ed44c8b9c5222184e9afe344e9c6731e6ce692f5
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 618,
+  "inputs_tokens": 92238,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2000
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/stats.train.json b/data/super_glue_cb_MNLI_crowdsource_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e6c141cc66596e29f4a08727c9a05caaedcdab7d
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 324,
+  "inputs_tokens": 87663,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2000
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/stats.validation.json b/data/super_glue_cb_MNLI_crowdsource_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0ae6879fdae6ba5f03635d460d1dfba72e883288
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 321,
+  "inputs_tokens": 21480,
+  "targets_max_tokens": 5,
+  "targets_tokens": 448
+}
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_MNLI_crowdsource_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8b2bb9f4e5d65c0b17b2069e04c39ecfdfd6ca9f
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c24df55f18bbcc52962aee896b28bfd7259478a50e8d88b81723867ef5dd6f1e
+size 632785
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_MNLI_crowdsource_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..abfad1a65e3b1d31c166c5744a2a5514f70ced0c
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:de40abcdec75ed5f4edca857926eecf183ad622bd376d2a2974bc8c3adec049f
+size 606997
diff --git a/data/super_glue_cb_MNLI_crowdsource_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_MNLI_crowdsource_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3fb9be959678a106979034e02c7d5abb32adf986
--- /dev/null
+++ b/data/super_glue_cb_MNLI_crowdsource_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f13b0b5deba2d9ed3f96fa14e9cde3106d7ab8a50c57f22f45dcd6b331cd1aa2
+size 145586
diff --git a/data/super_glue_cb_always_sometimes_never/COMPLETED b/data/super_glue_cb_always_sometimes_never/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_always_sometimes_never/info.test.json b/data/super_glue_cb_always_sometimes_never/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_always_sometimes_never/info.train.json b/data/super_glue_cb_always_sometimes_never/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_always_sometimes_never/info.validation.json b/data/super_glue_cb_always_sometimes_never/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_always_sometimes_never/stats.test.json b/data/super_glue_cb_always_sometimes_never/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c993213b65e64d1916ac99a98eaab2bc06c4ae36
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 610,
+  "inputs_tokens": 28746,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_always_sometimes_never/stats.train.json b/data/super_glue_cb_always_sometimes_never/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..99e039918010f04da59d7b812cfd70fd3b81e1f3
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 316,
+  "inputs_tokens": 27221,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_always_sometimes_never/stats.validation.json b/data/super_glue_cb_always_sometimes_never/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..976da2600e2555360252139191c367f8f61764e4
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 313,
+  "inputs_tokens": 6712,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_always_sometimes_never/test.tfrecord-00000-of-00001 b/data/super_glue_cb_always_sometimes_never/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f226634102a69db3237502f7da8d69ae70f2e1a9
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:202315f7e2d1b72c06ebc9ad18e67b371f25aa9523694667da26aa097010870e
+size 194117
diff --git a/data/super_glue_cb_always_sometimes_never/train.tfrecord-00000-of-00001 b/data/super_glue_cb_always_sometimes_never/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dfa756ddbd71731cf6fe491edbd762fa69661479
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:37ebb3828a0f8c6998119fc4e12e99a1d620e03a848ce1ab29e63408eb6b43fa
+size 181948
diff --git a/data/super_glue_cb_always_sometimes_never/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_always_sometimes_never/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f706201af80c7f4dd989ffddfc38e29c1ca9d7da
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b735887521a0a713554af13d395b6d7b77641c2b073ef5c8e614969263af4de4
+size 43999
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/COMPLETED b/data/super_glue_cb_always_sometimes_never_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/info.test.json b/data/super_glue_cb_always_sometimes_never_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/info.train.json b/data/super_glue_cb_always_sometimes_never_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/info.validation.json b/data/super_glue_cb_always_sometimes_never_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/stats.test.json b/data/super_glue_cb_always_sometimes_never_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ded943e86733ef695458703fd077dc535bf7311
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 610,
+  "inputs_tokens": 86238,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/stats.train.json b/data/super_glue_cb_always_sometimes_never_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a9907b6f1ff0f09ccc82ad70e0dffcfd86a07f6b
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 316,
+  "inputs_tokens": 81663,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/stats.validation.json b/data/super_glue_cb_always_sometimes_never_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0a95ae9cde5d091ed36a89fcf1d53d53dbe4a9cd
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 313,
+  "inputs_tokens": 20136,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_always_sometimes_never_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..71d0544f5c25c360f1d2afdd47eddcb60b756940
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c65ef5eca4c2c00bd9f316b010267d5831e9c7d46e0e12f525866357c0ccc60d
+size 578717
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_always_sometimes_never_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eb1ced05c9fb6d47a4c03dbda48c6f96cf0b68d4
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4e3799c4ad2e95ed0102de7241c0cc72b90ed51b5100facd04c54385f38c4c65
+size 552923
diff --git a/data/super_glue_cb_always_sometimes_never_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_always_sometimes_never_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b9918bd11a30ad30c3ba8f8d64693e328b9c7609
--- /dev/null
+++ b/data/super_glue_cb_always_sometimes_never_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:35c8c89aa0b38f4021a169b8c5cccd04dffb143039dfd4e226180085f92a7344
+size 133492
diff --git a/data/super_glue_cb_based_on_the_previous_passage/COMPLETED b/data/super_glue_cb_based_on_the_previous_passage/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_based_on_the_previous_passage/info.test.json b/data/super_glue_cb_based_on_the_previous_passage/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage/info.train.json b/data/super_glue_cb_based_on_the_previous_passage/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage/info.validation.json b/data/super_glue_cb_based_on_the_previous_passage/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage/stats.test.json b/data/super_glue_cb_based_on_the_previous_passage/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..cfabe54a735226dea7627e3ffd0b5e7fbbd99857
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 609,
+  "inputs_tokens": 28496,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage/stats.train.json b/data/super_glue_cb_based_on_the_previous_passage/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..80983fb10298167285503bda2b563de61ce0ae6c
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 315,
+  "inputs_tokens": 26971,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage/stats.validation.json b/data/super_glue_cb_based_on_the_previous_passage/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9e5bc64b47886976a7a6bf3c992dbe7b53c15e21
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 6656,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage/test.tfrecord-00000-of-00001 b/data/super_glue_cb_based_on_the_previous_passage/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..29ccb99040f522fb8681d483a1030ec73da95f2b
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a19653b9996de8015b7433b6e80bd4839ed684a7c5d514e315ccc97687f6143b
+size 191611
diff --git a/data/super_glue_cb_based_on_the_previous_passage/train.tfrecord-00000-of-00001 b/data/super_glue_cb_based_on_the_previous_passage/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..32d4874bb22449dd59b921cc3fa70f0891db300a
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4125b6e4ca09c74a140039a3a777f1f70ef5982b691bd29da2edfca9bf8ce007
+size 178673
diff --git a/data/super_glue_cb_based_on_the_previous_passage/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_based_on_the_previous_passage/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..95d0d97e664566385a36277ab5a34c33fd7c69e5
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:92f2d42ba1eff6a2487be1f906a30c73bf942585a67eb85bd608bbb8fd09a5f8
+size 43265
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/COMPLETED b/data/super_glue_cb_based_on_the_previous_passage_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/info.test.json b/data/super_glue_cb_based_on_the_previous_passage_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/info.train.json b/data/super_glue_cb_based_on_the_previous_passage_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/info.validation.json b/data/super_glue_cb_based_on_the_previous_passage_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/stats.test.json b/data/super_glue_cb_based_on_the_previous_passage_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..184a63359ee705037eb95c9ace455f2e5bc839f5
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 609,
+  "inputs_tokens": 85488,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/stats.train.json b/data/super_glue_cb_based_on_the_previous_passage_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3727b6ae375188d7eca25996054f60fc1659084f
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 315,
+  "inputs_tokens": 80913,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/stats.validation.json b/data/super_glue_cb_based_on_the_previous_passage_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..071f9c5f822b97ba0ad5b2fbd190503d50ec511e
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 19968,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_based_on_the_previous_passage_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f4dd22826e442a14f0ed21cd8761aaa2f89c0c3f
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:195655e9e5fc64bfc6724a9728cb5ac4103551b5d0725169e6b390aca5fe790d
+size 576199
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_based_on_the_previous_passage_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b3323168061633f7e09f83a0667e339529955220
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ed2adff3f424498fb6ede2a63a3f4fb3a571f25b725a2dcd1a224e4a6821cf13
+size 550396
diff --git a/data/super_glue_cb_based_on_the_previous_passage_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_based_on_the_previous_passage_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..335253b6a8ce2e006b10969d5febd0e1ffbd166a
--- /dev/null
+++ b/data/super_glue_cb_based_on_the_previous_passage_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:386be938cb269f4b2767d698c20dc7452323bc2c6b2f4f019e2b4dc5536787b7
+size 132929
diff --git a/data/super_glue_cb_can_we_infer/COMPLETED b/data/super_glue_cb_can_we_infer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_can_we_infer/info.test.json b/data/super_glue_cb_can_we_infer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_can_we_infer/info.train.json b/data/super_glue_cb_can_we_infer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_can_we_infer/info.validation.json b/data/super_glue_cb_can_we_infer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_can_we_infer/stats.test.json b/data/super_glue_cb_can_we_infer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..527fd9951d57ed921a5415d9d79a44406d3892be
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 606,
+  "inputs_tokens": 27746,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_can_we_infer/stats.train.json b/data/super_glue_cb_can_we_infer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a59921661bd5aeb7aa969e242d32e61c990aa3d9
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 26221,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_can_we_infer/stats.validation.json b/data/super_glue_cb_can_we_infer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..529c8eaf1a4de0f883a904fc0bb4e27b303838a9
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 6488,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_can_we_infer/test.tfrecord-00000-of-00001 b/data/super_glue_cb_can_we_infer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..07702ae564fdf9f90969b5b076e6c93200295b99
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2ac585a373083db32eed6ff68c1e24df981040d60933bf94b4221921554bc9cf
+size 185591
diff --git a/data/super_glue_cb_can_we_infer/train.tfrecord-00000-of-00001 b/data/super_glue_cb_can_we_infer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0dd55605af654698ebfdf8e1feddc0fdce0f413b
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:24171fceac7af83a07f227cf18a76a141d0dd760d25738b5f61ff0ad41bcfc3d
+size 172647
diff --git a/data/super_glue_cb_can_we_infer/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_can_we_infer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ec5151fd4bffee5fd2eae6c58bc918a2a1a1ba26
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1cec13e916ea93ceb2307f279898c10999f29e6f28de07fcb9295fa0b8f1ecb0
+size 41915
diff --git a/data/super_glue_cb_can_we_infer_score_eval/COMPLETED b/data/super_glue_cb_can_we_infer_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_can_we_infer_score_eval/info.test.json b/data/super_glue_cb_can_we_infer_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_can_we_infer_score_eval/info.train.json b/data/super_glue_cb_can_we_infer_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_can_we_infer_score_eval/info.validation.json b/data/super_glue_cb_can_we_infer_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_can_we_infer_score_eval/stats.test.json b/data/super_glue_cb_can_we_infer_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..18770b9fefc6fc447b45d1800cd6499e411913af
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 606,
+  "inputs_tokens": 83238,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_can_we_infer_score_eval/stats.train.json b/data/super_glue_cb_can_we_infer_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..420a411e3428cf24c2b33c3bbd3ca13ae6ce77b2
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 78663,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_can_we_infer_score_eval/stats.validation.json b/data/super_glue_cb_can_we_infer_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1bc23f2309a5eed3c4d0af2488c9c18e1171c703
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 19464,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_can_we_infer_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_can_we_infer_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7953705b3aed41ca2eddb0703903ac3dd3ffa51b
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:565426f43463cef407a5a114783ec3254f7cbf732cf109272a06ef194ce114a4
+size 558139
diff --git a/data/super_glue_cb_can_we_infer_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_can_we_infer_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..32b62aba564b5f2a561c6581f8b7c660f859a69a
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:77156a5c196e073b04337ccab72ac0ffaa53067a170191dd744b27e6d3a1c13f
+size 532318
diff --git a/data/super_glue_cb_can_we_infer_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_can_we_infer_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a69c6b419bb958c591b052e76c970c6aa4eb12cb
--- /dev/null
+++ b/data/super_glue_cb_can_we_infer_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bb474cdccc274fa14062e6e92e09a21d5a077ddb8b95bba4c7733656dc093947
+size 128879
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/COMPLETED b/data/super_glue_cb_claim_true_false_inconclusive/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/info.test.json b/data/super_glue_cb_claim_true_false_inconclusive/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/info.train.json b/data/super_glue_cb_claim_true_false_inconclusive/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/info.validation.json b/data/super_glue_cb_claim_true_false_inconclusive/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/stats.test.json b/data/super_glue_cb_claim_true_false_inconclusive/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..38f6b56f6fc623aa9490f26d649d1aeb0eefa595
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 611,
+  "inputs_tokens": 28996,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/stats.train.json b/data/super_glue_cb_claim_true_false_inconclusive/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..97fbbce798745a06e2b8b5b5d56727b6d71dd1b7
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 317,
+  "inputs_tokens": 27471,
+  "targets_max_tokens": 5,
+  "targets_tokens": 552
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/stats.validation.json b/data/super_glue_cb_claim_true_false_inconclusive/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f50c9a07bd8616347ddf8afdac3244cff4a31ba5
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 6768,
+  "targets_max_tokens": 5,
+  "targets_tokens": 132
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/test.tfrecord-00000-of-00001 b/data/super_glue_cb_claim_true_false_inconclusive/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1c856e378b6625a6d5caf93f5b5b9839e2cead69
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8a47a4880a64029d84f9f576d8d9c0758f1d841972c2da359982130ca29ab7a6
+size 196132
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/train.tfrecord-00000-of-00001 b/data/super_glue_cb_claim_true_false_inconclusive/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a2f83d29a38c756d010635297837d01d32bfa76d
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e738cced38d019922cd994762f9630ec6e174dfc89cf4d0c7ea99c19f1838481
+size 184120
diff --git a/data/super_glue_cb_claim_true_false_inconclusive/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_claim_true_false_inconclusive/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7bc680666f3c27baf7648d4da9b4a80433886e21
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a807226349e6b63a71b2769b78e80d538443cec1b265bdc826e97744077e7a51
+size 44506
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/COMPLETED b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/info.test.json b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/info.train.json b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/info.validation.json b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/stats.test.json b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..661053dda5df7fb609f1e65b7de10df57e1ca103
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 611,
+  "inputs_tokens": 86988,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2250
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/stats.train.json b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c54eab090508d44face0d6672385b18835b61120
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 317,
+  "inputs_tokens": 82413,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2250
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/stats.validation.json b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e1c5dca224d483f244d39ff9fd2fcc2385bc56e5
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 20304,
+  "targets_max_tokens": 5,
+  "targets_tokens": 504
+}
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a618060181c2e05dd7cefaa805893c7657bb0424
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c9e365283913f334afb523e1378992adf45368898d61cac55f03bb5236e2b85
+size 586262
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d7102f05aa8e9d8a06a2ce835d991012b096bf87
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1967d265d1e7688ef9301944be2ca3802f67ae350e642ccbee4e3003c4b5fd0f
+size 560483
diff --git a/data/super_glue_cb_claim_true_false_inconclusive_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2323be3fa8f2f3bd6a99bf5e235f20de14e90120
--- /dev/null
+++ b/data/super_glue_cb_claim_true_false_inconclusive_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0d4f55b2523d09faa93d4ccfafc63150ead7d93044cea9bbff22c8d8e3a0d6e5
+size 135184
diff --git a/data/super_glue_cb_consider_always_sometimes_never/COMPLETED b/data/super_glue_cb_consider_always_sometimes_never/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_consider_always_sometimes_never/info.test.json b/data/super_glue_cb_consider_always_sometimes_never/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never/info.train.json b/data/super_glue_cb_consider_always_sometimes_never/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never/info.validation.json b/data/super_glue_cb_consider_always_sometimes_never/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never/stats.test.json b/data/super_glue_cb_consider_always_sometimes_never/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f9d3559e7824431b1f355861c801e04f9a951a4a
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 609,
+  "inputs_tokens": 28686,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never/stats.train.json b/data/super_glue_cb_consider_always_sometimes_never/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9b69fe6719f8f484e35990ddbfc058c37c96b743
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 317,
+  "inputs_tokens": 27128,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never/stats.validation.json b/data/super_glue_cb_consider_always_sometimes_never/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..761e83bb2ea69814c0cdf4242a20d1ed2e1ee7a8
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 313,
+  "inputs_tokens": 6705,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never/test.tfrecord-00000-of-00001 b/data/super_glue_cb_consider_always_sometimes_never/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6f073a28ecb8a2d20c0a43df50d72f8b787c7df8
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5dde116206f959540658d9b16e67a8d99823e4bf875143ea40ea2c616bb1f1d6
+size 199961
diff --git a/data/super_glue_cb_consider_always_sometimes_never/train.tfrecord-00000-of-00001 b/data/super_glue_cb_consider_always_sometimes_never/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0c7a75bccebf38502e5b62c3680e52b24bb176a0
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2460181cf103bf19abe0b2f1dbbdb279395e4f81d27a42013af41a9d3c3302d4
+size 187745
diff --git a/data/super_glue_cb_consider_always_sometimes_never/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_consider_always_sometimes_never/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0f3ac858af72ca84cc66b47dd34a07128d076410
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:327d32f9bb25f99633e37017bc0336a9a852d39bedb06c6c0492c2b1b61273fc
+size 45312
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/COMPLETED b/data/super_glue_cb_consider_always_sometimes_never_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/info.test.json b/data/super_glue_cb_consider_always_sometimes_never_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/info.train.json b/data/super_glue_cb_consider_always_sometimes_never_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/info.validation.json b/data/super_glue_cb_consider_always_sometimes_never_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/stats.test.json b/data/super_glue_cb_consider_always_sometimes_never_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6b58602931f02f755451d20a38199ad9da6e9e0e
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 609,
+  "inputs_tokens": 86058,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/stats.train.json b/data/super_glue_cb_consider_always_sometimes_never_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9957c930295f10ea84b1e336a59ed767dfee7948
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 317,
+  "inputs_tokens": 81384,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/stats.validation.json b/data/super_glue_cb_consider_always_sometimes_never_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4f3122585e5e77076886820108ce6ecbc7ef83b8
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 313,
+  "inputs_tokens": 20115,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_consider_always_sometimes_never_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..84e954a6b26bc9dfa1fa0f29bcd1172ff3e2d986
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:21f2adaffa49d725592dbeadab61b78c4b44bea6dbf1b46ff65e0e3ef0ab9308
+size 596249
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_consider_always_sometimes_never_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1b768c5302b0ec70f32d2738cd189a6c6fd680aa
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d416ddf5056820e8ffe33f2e66670da32ee20d8d949c4e6f7ea600cd472d53ba
+size 570314
diff --git a/data/super_glue_cb_consider_always_sometimes_never_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_consider_always_sometimes_never_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..14dfa29888071437763c427b8a48048c2e66f822
--- /dev/null
+++ b/data/super_glue_cb_consider_always_sometimes_never_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:21b25567484a449824cc0b15fb92baa849399d04a92f94ff25309576754758d9
+size 137431
diff --git a/data/super_glue_cb_does_it_follow_that/COMPLETED b/data/super_glue_cb_does_it_follow_that/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_does_it_follow_that/info.test.json b/data/super_glue_cb_does_it_follow_that/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_it_follow_that/info.train.json b/data/super_glue_cb_does_it_follow_that/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_it_follow_that/info.validation.json b/data/super_glue_cb_does_it_follow_that/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_it_follow_that/stats.test.json b/data/super_glue_cb_does_it_follow_that/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b09b248b5fab03f35b7204513fa66eb14ccdb75a
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 601,
+  "inputs_tokens": 26686,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_does_it_follow_that/stats.train.json b/data/super_glue_cb_does_it_follow_that/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fe323b4b725604321fceb8bb6d0430e8684b9363
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 25128,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_does_it_follow_that/stats.validation.json b/data/super_glue_cb_does_it_follow_that/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..58ae41722f80298734a852c146f412f25680fada
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 305,
+  "inputs_tokens": 6257,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_does_it_follow_that/test.tfrecord-00000-of-00001 b/data/super_glue_cb_does_it_follow_that/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f8736bc344b78bdcadb7abb0f28a42e55f5e7365
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:db7dfe131f38bf8888ae89b56790cd15f55102ad00e28175f4d819a450ea0f0f
+size 184634
diff --git a/data/super_glue_cb_does_it_follow_that/train.tfrecord-00000-of-00001 b/data/super_glue_cb_does_it_follow_that/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7f8759965b98d2288175c561da73ce9953c15436
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:40da01409ff04ebe6646cb3476940bfff374c23d8226fdc71bd709ca28cf7ff9
+size 171616
diff --git a/data/super_glue_cb_does_it_follow_that/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_does_it_follow_that/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a3ce27a08c73825b1c49e0e5b89993f2a3f3c856
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:866742f85322b0ac43678a622a26720bed1d1d611e37b2377d672c346f6e7da8
+size 41701
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/COMPLETED b/data/super_glue_cb_does_it_follow_that_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/info.test.json b/data/super_glue_cb_does_it_follow_that_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/info.train.json b/data/super_glue_cb_does_it_follow_that_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/info.validation.json b/data/super_glue_cb_does_it_follow_that_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/stats.test.json b/data/super_glue_cb_does_it_follow_that_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b9b367d212c2c27debbadb774eb3aa85ea1b6d38
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 601,
+  "inputs_tokens": 80058,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/stats.train.json b/data/super_glue_cb_does_it_follow_that_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d048b4ad288ee71d25d37e1d227a7d4727b53e49
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 75384,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/stats.validation.json b/data/super_glue_cb_does_it_follow_that_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..024a3d7cfb45f3b66ce7eb7b98508eb77c00b104
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 305,
+  "inputs_tokens": 18771,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_does_it_follow_that_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..14c8cd7e9983c0e7a12da72a0bc4b92cf0201d34
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:36035177221b77807c545dcc1460f4d6043e16682e41cbd16055b322fdf12619
+size 555268
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_does_it_follow_that_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ed11e3da447b809f0a156eb7b958b2e58efdfc1d
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c84ffa6a03a924f8a80662708b965fb8c840acca340a5ae9a479eb32b599227e
+size 529225
diff --git a/data/super_glue_cb_does_it_follow_that_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_does_it_follow_that_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cbb372e1bdfabc4dbcbd8e51425a5dbade8fa558
--- /dev/null
+++ b/data/super_glue_cb_does_it_follow_that_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:586ffed2e54d87f500b6be51f5720d924b22177fb675e2263b4e4df9ac906570
+size 128237
diff --git a/data/super_glue_cb_does_this_imply/COMPLETED b/data/super_glue_cb_does_this_imply/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_does_this_imply/info.test.json b/data/super_glue_cb_does_this_imply/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_this_imply/info.train.json b/data/super_glue_cb_does_this_imply/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_this_imply/info.validation.json b/data/super_glue_cb_does_this_imply/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_this_imply/stats.test.json b/data/super_glue_cb_does_this_imply/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..527fd9951d57ed921a5415d9d79a44406d3892be
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 606,
+  "inputs_tokens": 27746,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_does_this_imply/stats.train.json b/data/super_glue_cb_does_this_imply/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a59921661bd5aeb7aa969e242d32e61c990aa3d9
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 26221,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_does_this_imply/stats.validation.json b/data/super_glue_cb_does_this_imply/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..529c8eaf1a4de0f883a904fc0bb4e27b303838a9
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 6488,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_does_this_imply/test.tfrecord-00000-of-00001 b/data/super_glue_cb_does_this_imply/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f48aea2824dfc200ee6e2621b72a4d6bf82458f5
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8d7fbc1b3c05476085997f7fd82f7e5ae68adeb8828cf3d61ae8ae12740ab197
+size 187341
diff --git a/data/super_glue_cb_does_this_imply/train.tfrecord-00000-of-00001 b/data/super_glue_cb_does_this_imply/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..945cc30e848d46f6684f93bb0da4fbbb9c8c4a57
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:59c4c570e791058967681334a3923a32a1b1f3e6bf8c2347e37008357593cf8d
+size 174397
diff --git a/data/super_glue_cb_does_this_imply/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_does_this_imply/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4be998da7319c03eeefebdae81e8becd83bef59d
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6050061b3d454da21d50b8a0797f454051a446ad57172eb0d163c3b1adc181ae
+size 42307
diff --git a/data/super_glue_cb_does_this_imply_score_eval/COMPLETED b/data/super_glue_cb_does_this_imply_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_does_this_imply_score_eval/info.test.json b/data/super_glue_cb_does_this_imply_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_this_imply_score_eval/info.train.json b/data/super_glue_cb_does_this_imply_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_this_imply_score_eval/info.validation.json b/data/super_glue_cb_does_this_imply_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_does_this_imply_score_eval/stats.test.json b/data/super_glue_cb_does_this_imply_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..18770b9fefc6fc447b45d1800cd6499e411913af
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 606,
+  "inputs_tokens": 83238,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_does_this_imply_score_eval/stats.train.json b/data/super_glue_cb_does_this_imply_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..420a411e3428cf24c2b33c3bbd3ca13ae6ce77b2
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 78663,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_does_this_imply_score_eval/stats.validation.json b/data/super_glue_cb_does_this_imply_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1bc23f2309a5eed3c4d0af2488c9c18e1171c703
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 19464,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_does_this_imply_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_does_this_imply_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dd7dc88221ee7426ac49d6296e8abf29299b8aec
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:995f3aee87810c67b91944858b54d5bde4c66854ecf637ed23628c63e71cef24
+size 563389
diff --git a/data/super_glue_cb_does_this_imply_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_does_this_imply_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8853f4809584542393c8ba0d00f31cb35170fb1c
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:44c60b0aa1089d4a3022f279747dd90b346356f97ab24a2779ca38f03d16b7f8
+size 537568
diff --git a/data/super_glue_cb_does_this_imply_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_does_this_imply_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5cfafd9893ae2bb276a6d8c3bdb1d99d5aeb46bc
--- /dev/null
+++ b/data/super_glue_cb_does_this_imply_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:488c865aceaec7b39147d927dd96e57f50214575a595780eaf32e258c9a15496
+size 130055
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/COMPLETED b/data/super_glue_cb_guaranteed_possible_impossible/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/info.test.json b/data/super_glue_cb_guaranteed_possible_impossible/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/info.train.json b/data/super_glue_cb_guaranteed_possible_impossible/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/info.validation.json b/data/super_glue_cb_guaranteed_possible_impossible/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/stats.test.json b/data/super_glue_cb_guaranteed_possible_impossible/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..69b742fee7ee31aad43b2618242a66742bc7e8cc
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 608,
+  "inputs_tokens": 28246,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/stats.train.json b/data/super_glue_cb_guaranteed_possible_impossible/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..afee28ef28699f088c0201158d48c405b24cf4dd
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 26721,
+  "targets_max_tokens": 4,
+  "targets_tokens": 722
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/stats.validation.json b/data/super_glue_cb_guaranteed_possible_impossible/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6c5b60a1af943a9e8939df053c76d00841a2ae37
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 311,
+  "inputs_tokens": 6600,
+  "targets_max_tokens": 4,
+  "targets_tokens": 163
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/test.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_possible_impossible/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e17192c45d7b895ab4302f46a4b7239f4c7d4709
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d73dd1fc3fbac7c821c6986939fc114101449573d639a9a25f04b7343c6b127f
+size 198105
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/train.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_possible_impossible/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7286415d063c016af866971034f0847313b46f3c
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8026e6d5841b0aba4c19dd758320ed7883c8cfc6d80aa0370b6caa0b911e122d
+size 187811
diff --git a/data/super_glue_cb_guaranteed_possible_impossible/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_possible_impossible/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3bbedcdae22e2db3a665d892e60b48eed703cb4e
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ab8d1d5c41d341127fe1ade03a6cf104a37f2df18ecd40f0259b3ada098de8a4
+size 45309
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/COMPLETED b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/info.test.json b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/info.train.json b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/info.validation.json b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/stats.test.json b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..89213ed9db93e48f965dd4e186fecd4dd6dca269
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 608,
+  "inputs_tokens": 84738,
+  "targets_max_tokens": 4,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/stats.train.json b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b24db9fc05302fdfca4748d2ce6e8158ecc80db
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 80163,
+  "targets_max_tokens": 4,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/stats.validation.json b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..af29d789343bde91d24348429e2399099ef99ad9
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 311,
+  "inputs_tokens": 19800,
+  "targets_max_tokens": 4,
+  "targets_tokens": 392
+}
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9809f7b56effa657a43bec79faa09b0d6d5f1475
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:47c9e7f11da4b962d72af19ba7e3c220a2d6148264079a9d73a87ea4a01ad65b
+size 588681
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..520b21b280b62e53cae964e5890b4e44fbf80fee
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:10d18c00b855b5f6fb6e5156a5e0906a27defba47a574f2092ae85a3005e3f59
+size 562872
diff --git a/data/super_glue_cb_guaranteed_possible_impossible_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..324e3c36eb7c9dfcf98636ca0fc7db9182822735
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_possible_impossible_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1963672380bc9307d8bb64c633f426f60d041ce49cd6208e65800b116dce9284
+size 135720
diff --git a/data/super_glue_cb_guaranteed_true/COMPLETED b/data/super_glue_cb_guaranteed_true/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_guaranteed_true/info.test.json b/data/super_glue_cb_guaranteed_true/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_true/info.train.json b/data/super_glue_cb_guaranteed_true/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_true/info.validation.json b/data/super_glue_cb_guaranteed_true/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_true/stats.test.json b/data/super_glue_cb_guaranteed_true/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..527fd9951d57ed921a5415d9d79a44406d3892be
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 606,
+  "inputs_tokens": 27746,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_guaranteed_true/stats.train.json b/data/super_glue_cb_guaranteed_true/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a59921661bd5aeb7aa969e242d32e61c990aa3d9
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 26221,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_guaranteed_true/stats.validation.json b/data/super_glue_cb_guaranteed_true/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..529c8eaf1a4de0f883a904fc0bb4e27b303838a9
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 6488,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_guaranteed_true/test.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_true/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bd2b4ef1ce6ec18e025ef4d8c7abb843f27fd398
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:30a52f837530252daef5ebc2fad102c1d7502c7f799ebc3ee30adb6aa79ed087
+size 187085
diff --git a/data/super_glue_cb_guaranteed_true/train.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_true/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..516e4ec0f83c69c11038fa117e4c9f2505d952fa
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4401849a2225aa11c17469d9eb9d1676834957a76b6c7a10e16e4c51763731ba
+size 174140
diff --git a/data/super_glue_cb_guaranteed_true/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_true/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cad8e3404ba6a209fb2be4e70d430edf8c0a7d78
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a08d805314c4624eacc7f09e13e75986537f056a8a4d9a77b5f910cdf77e22b5
+size 42249
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/COMPLETED b/data/super_glue_cb_guaranteed_true_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/info.test.json b/data/super_glue_cb_guaranteed_true_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/info.train.json b/data/super_glue_cb_guaranteed_true_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/info.validation.json b/data/super_glue_cb_guaranteed_true_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/stats.test.json b/data/super_glue_cb_guaranteed_true_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..18770b9fefc6fc447b45d1800cd6499e411913af
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 606,
+  "inputs_tokens": 83238,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/stats.train.json b/data/super_glue_cb_guaranteed_true_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..420a411e3428cf24c2b33c3bbd3ca13ae6ce77b2
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 78663,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/stats.validation.json b/data/super_glue_cb_guaranteed_true_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1bc23f2309a5eed3c4d0af2488c9c18e1171c703
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 19464,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_true_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..38f0e9c5e6039e57249c683e50d4927641356e52
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:109698116338542542a198fb6e295621e98af02c6b35c45542b6a7a5085a8213
+size 562621
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_true_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..07fccfd69d90a819bf982a553bce8f1b72682406
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:06d5339ba10b4186c7638b618e52533f2b4700c45da86e77fe061847bc663755
+size 536797
diff --git a/data/super_glue_cb_guaranteed_true_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_guaranteed_true_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0df6603c4c7bbac5626d5633df20c195d860e10d
--- /dev/null
+++ b/data/super_glue_cb_guaranteed_true_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b11f4d64e3d1d1ec50cc16b213cff26896fede335a2debd3035094775dbf2e5b
+size 129881
diff --git a/data/super_glue_cb_justified_in_saying/COMPLETED b/data/super_glue_cb_justified_in_saying/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_justified_in_saying/info.test.json b/data/super_glue_cb_justified_in_saying/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_justified_in_saying/info.train.json b/data/super_glue_cb_justified_in_saying/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_justified_in_saying/info.validation.json b/data/super_glue_cb_justified_in_saying/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_justified_in_saying/stats.test.json b/data/super_glue_cb_justified_in_saying/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ddcdd60af97c303f90c236a735a60059ceb074df
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 605,
+  "inputs_tokens": 27496,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_justified_in_saying/stats.train.json b/data/super_glue_cb_justified_in_saying/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..29f2eae52a475d39a325eb90b2660779a9039b4e
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 311,
+  "inputs_tokens": 25971,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_justified_in_saying/stats.validation.json b/data/super_glue_cb_justified_in_saying/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a944e66f71f7950f21f1901eee51b93dd2058612
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 308,
+  "inputs_tokens": 6432,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_justified_in_saying/test.tfrecord-00000-of-00001 b/data/super_glue_cb_justified_in_saying/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..13194921c841f36cab69f5030f3e2281cfde336f
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ccc8c77179158460b35da706eb1d8b9ffd7fe16c976f7e935f9097905d2b37e6
+size 186835
diff --git a/data/super_glue_cb_justified_in_saying/train.tfrecord-00000-of-00001 b/data/super_glue_cb_justified_in_saying/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0af143fd90d993b9a9c7aeba37b5dbf4d065e68d
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c9a7753aa10add29396d3c71a1bfd742ea18ed7fc83d4712b3e2dae48316c2bf
+size 173890
diff --git a/data/super_glue_cb_justified_in_saying/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_justified_in_saying/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2b1296c73a4cd8ea80e3953778a5c26ecad1fa8c
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c637f6a0d6b8f4d4ad011f30e4145d2b1f88cfe3f94746e049f0df92e9af62ef
+size 42193
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/COMPLETED b/data/super_glue_cb_justified_in_saying_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/info.test.json b/data/super_glue_cb_justified_in_saying_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/info.train.json b/data/super_glue_cb_justified_in_saying_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/info.validation.json b/data/super_glue_cb_justified_in_saying_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/stats.test.json b/data/super_glue_cb_justified_in_saying_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..dda3ee8ba119c1315b3d033cd299984556434422
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 605,
+  "inputs_tokens": 82488,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/stats.train.json b/data/super_glue_cb_justified_in_saying_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..267fe52272b7de65d2179cfadf506d12b00fb155
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 311,
+  "inputs_tokens": 77913,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/stats.validation.json b/data/super_glue_cb_justified_in_saying_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1773e3b99ca1d8b74fa08c258ed9707789f0a320
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 308,
+  "inputs_tokens": 19296,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_justified_in_saying_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cadce856fb7795fbb089fd710705291edd0a1132
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:868b767cbd6eb87c23420c65960980281835a9247d31387f5a0ab8da07bcb689
+size 561871
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_justified_in_saying_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e272eef77a811d42a36a7033ef8afc3e4f741a56
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:22e35f7f851fd98927052a35cd9e7ed8438c5044a83bbe013d32a1fbaa68e4e6
+size 536047
diff --git a/data/super_glue_cb_justified_in_saying_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_justified_in_saying_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f4bb881ed4c175f48a19b5e2cea3ad33542c3d0a
--- /dev/null
+++ b/data/super_glue_cb_justified_in_saying_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ccf944e29e23658a9a62eea8d860eafa7a469b6b40a2382d8069003da06c838f
+size 129713
diff --git a/data/super_glue_cb_must_be_true/COMPLETED b/data/super_glue_cb_must_be_true/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_must_be_true/info.test.json b/data/super_glue_cb_must_be_true/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_must_be_true/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_must_be_true/info.train.json b/data/super_glue_cb_must_be_true/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_must_be_true/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_must_be_true/info.validation.json b/data/super_glue_cb_must_be_true/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_must_be_true/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_must_be_true/stats.test.json b/data/super_glue_cb_must_be_true/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..69b742fee7ee31aad43b2618242a66742bc7e8cc
--- /dev/null
+++ b/data/super_glue_cb_must_be_true/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 608,
+  "inputs_tokens": 28246,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_must_be_true/stats.train.json b/data/super_glue_cb_must_be_true/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..476b558c656667c26d4b3541d22998522d1bd874
--- /dev/null
+++ b/data/super_glue_cb_must_be_true/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 26721,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_must_be_true/stats.validation.json b/data/super_glue_cb_must_be_true/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3fc22e59e326a340b943365ff56184d9ac33f491
--- /dev/null
+++ b/data/super_glue_cb_must_be_true/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 311,
+  "inputs_tokens": 6600,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_must_be_true/test.tfrecord-00000-of-00001 b/data/super_glue_cb_must_be_true/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..34112a6ab9ebcb036df0e7fb4086ee25003b3289
--- /dev/null
+++ b/data/super_glue_cb_must_be_true/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f3d3da9c07e44aeaa0dbc54e739d49e4c8b04a7253f5aefd5df2cd3ede72fd9f
+size 190355
diff --git a/data/super_glue_cb_must_be_true/train.tfrecord-00000-of-00001 b/data/super_glue_cb_must_be_true/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..51929a3034d51867afdcac92c32c7073c78500c3
--- /dev/null
+++ b/data/super_glue_cb_must_be_true/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:efacf4f8e8cbf5c6316e174a9a4ca564821a015372302f9967f33acb934d701a
+size 177415
diff --git a/data/super_glue_cb_must_be_true/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_must_be_true/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cf20623cfe83d9f94c1e4f21a16dcf39a5b32c3e
--- /dev/null
+++ b/data/super_glue_cb_must_be_true/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:af670a111e6a8e835c39f1d41b822f019f80dbae4f43af7d8356ed8c3b290352
+size 42982
diff --git a/data/super_glue_cb_must_be_true_score_eval/COMPLETED b/data/super_glue_cb_must_be_true_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_must_be_true_score_eval/info.test.json b/data/super_glue_cb_must_be_true_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_must_be_true_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_must_be_true_score_eval/info.train.json b/data/super_glue_cb_must_be_true_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_must_be_true_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_must_be_true_score_eval/info.validation.json b/data/super_glue_cb_must_be_true_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_must_be_true_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_must_be_true_score_eval/stats.test.json b/data/super_glue_cb_must_be_true_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..eed5dd93a1697213caa20f604143ea85e64835f2
--- /dev/null
+++ b/data/super_glue_cb_must_be_true_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 608,
+  "inputs_tokens": 84738,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_must_be_true_score_eval/stats.train.json b/data/super_glue_cb_must_be_true_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..be4b5d9fde52c766ef77f108c8bdb09b1fdbe10d
--- /dev/null
+++ b/data/super_glue_cb_must_be_true_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 80163,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_must_be_true_score_eval/stats.validation.json b/data/super_glue_cb_must_be_true_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..23dc03a5391f3fef87aca1b9706d0a5f5a522360
--- /dev/null
+++ b/data/super_glue_cb_must_be_true_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 311,
+  "inputs_tokens": 19800,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_must_be_true_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_must_be_true_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1cad38d1e2ed0358d9dc2d8d627bf0baab3cf960
--- /dev/null
+++ b/data/super_glue_cb_must_be_true_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f277024b19bbf20e70ae4400cc6fdef117eebf3526387af102d700942ed0f49a
+size 572431
diff --git a/data/super_glue_cb_must_be_true_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_must_be_true_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2af3b47cf279818019d631830ec31c1844a5cb0c
--- /dev/null
+++ b/data/super_glue_cb_must_be_true_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a10f2b3c66d00a9a4255419439cdd8caf8212d53c5a1ddcb70aad9528f7e3c55
+size 546622
diff --git a/data/super_glue_cb_must_be_true_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_must_be_true_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..53dca01c56807caae162ee6dee938eb6dce4c8b4
--- /dev/null
+++ b/data/super_glue_cb_must_be_true_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ede91502ed1140ca3d1a2b295444d9294aa4246ec5e692d83db56d26ffdff046
+size 132080
diff --git a/data/super_glue_cb_should_assume/COMPLETED b/data/super_glue_cb_should_assume/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_should_assume/info.test.json b/data/super_glue_cb_should_assume/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_should_assume/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_should_assume/info.train.json b/data/super_glue_cb_should_assume/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_should_assume/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_should_assume/info.validation.json b/data/super_glue_cb_should_assume/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_should_assume/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_should_assume/stats.test.json b/data/super_glue_cb_should_assume/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..527fd9951d57ed921a5415d9d79a44406d3892be
--- /dev/null
+++ b/data/super_glue_cb_should_assume/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 606,
+  "inputs_tokens": 27746,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_should_assume/stats.train.json b/data/super_glue_cb_should_assume/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a59921661bd5aeb7aa969e242d32e61c990aa3d9
--- /dev/null
+++ b/data/super_glue_cb_should_assume/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 26221,
+  "targets_max_tokens": 1,
+  "targets_tokens": 250
+}
diff --git a/data/super_glue_cb_should_assume/stats.validation.json b/data/super_glue_cb_should_assume/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..529c8eaf1a4de0f883a904fc0bb4e27b303838a9
--- /dev/null
+++ b/data/super_glue_cb_should_assume/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 6488,
+  "targets_max_tokens": 1,
+  "targets_tokens": 56
+}
diff --git a/data/super_glue_cb_should_assume/test.tfrecord-00000-of-00001 b/data/super_glue_cb_should_assume/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4d1dbda7bd5c5328255a97dec7ce2003606c2aa4
--- /dev/null
+++ b/data/super_glue_cb_should_assume/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:79385a30003fca9477276dd679f7e9543e135556da122558d3c8f33f139ecd47
+size 188091
diff --git a/data/super_glue_cb_should_assume/train.tfrecord-00000-of-00001 b/data/super_glue_cb_should_assume/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a1dd5c8c7abf68064eb1e86e5e04bd526f4708d0
--- /dev/null
+++ b/data/super_glue_cb_should_assume/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2690dbc8e6b695484e442e547170fc609c7cbb385cb285f054a197b912e6b778
+size 175147
diff --git a/data/super_glue_cb_should_assume/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_should_assume/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d1a8b79be68b37f58d0bdba9c1deeca975062254
--- /dev/null
+++ b/data/super_glue_cb_should_assume/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a48bd0e4ad69860ffe9fbad04ae2d778715c0b20f9f42bf934e828d60ab893c3
+size 42475
diff --git a/data/super_glue_cb_should_assume_score_eval/COMPLETED b/data/super_glue_cb_should_assume_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_should_assume_score_eval/info.test.json b/data/super_glue_cb_should_assume_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_should_assume_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_should_assume_score_eval/info.train.json b/data/super_glue_cb_should_assume_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_should_assume_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_should_assume_score_eval/info.validation.json b/data/super_glue_cb_should_assume_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_should_assume_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_should_assume_score_eval/stats.test.json b/data/super_glue_cb_should_assume_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..18770b9fefc6fc447b45d1800cd6499e411913af
--- /dev/null
+++ b/data/super_glue_cb_should_assume_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 606,
+  "inputs_tokens": 83238,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_should_assume_score_eval/stats.train.json b/data/super_glue_cb_should_assume_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..420a411e3428cf24c2b33c3bbd3ca13ae6ce77b2
--- /dev/null
+++ b/data/super_glue_cb_should_assume_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 312,
+  "inputs_tokens": 78663,
+  "targets_max_tokens": 1,
+  "targets_tokens": 750
+}
diff --git a/data/super_glue_cb_should_assume_score_eval/stats.validation.json b/data/super_glue_cb_should_assume_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1bc23f2309a5eed3c4d0af2488c9c18e1171c703
--- /dev/null
+++ b/data/super_glue_cb_should_assume_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 309,
+  "inputs_tokens": 19464,
+  "targets_max_tokens": 1,
+  "targets_tokens": 168
+}
diff --git a/data/super_glue_cb_should_assume_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_should_assume_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bae97f20b4da2c30c8033d94a8e18e44a0d31259
--- /dev/null
+++ b/data/super_glue_cb_should_assume_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:acfe8961b47e1ad3595bff47d185fc402354ddb826357d52b96502ce5e173f38
+size 565639
diff --git a/data/super_glue_cb_should_assume_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_should_assume_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b2a9763311f5686e4fbae12e8f66d76a245a67fd
--- /dev/null
+++ b/data/super_glue_cb_should_assume_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:70929f9ca1f9706b4ec9f99babd7758c04ac924c79a6f815a948fa0872bdf94d
+size 539818
diff --git a/data/super_glue_cb_should_assume_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_should_assume_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8ade7c224fa782702f0deebd3452281850e289f8
--- /dev/null
+++ b/data/super_glue_cb_should_assume_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:83c3ae2c8c6f3527cdac1e8db7d089353011bbb289afa24cb9d36845f6cfcafa
+size 130559
diff --git a/data/super_glue_cb_take_the_following_as_truth/COMPLETED b/data/super_glue_cb_take_the_following_as_truth/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_take_the_following_as_truth/info.test.json b/data/super_glue_cb_take_the_following_as_truth/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth/info.train.json b/data/super_glue_cb_take_the_following_as_truth/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth/info.validation.json b/data/super_glue_cb_take_the_following_as_truth/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth/stats.test.json b/data/super_glue_cb_take_the_following_as_truth/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8071cc7cd04fdc3b4b9e88286de2aa7e192111f0
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 615,
+  "inputs_tokens": 29996,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth/stats.train.json b/data/super_glue_cb_take_the_following_as_truth/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6f6d937e4a4658b454b5e0f0f9113c4b645de3e3
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 321,
+  "inputs_tokens": 28471,
+  "targets_max_tokens": 5,
+  "targets_tokens": 552
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth/stats.validation.json b/data/super_glue_cb_take_the_following_as_truth/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..876432d0f91f654d4af1b94136eaff208344e886
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 56,
+  "inputs_max_tokens": 318,
+  "inputs_tokens": 6992,
+  "targets_max_tokens": 5,
+  "targets_tokens": 132
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth/test.tfrecord-00000-of-00001 b/data/super_glue_cb_take_the_following_as_truth/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f8608483532bf7a7028692d6b7eb9ce98fdd68e2
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:46883ecd7b1d19598925046188f58ba4ea1a7d60608dd02c3f8b12ffa7df5171
+size 202940
diff --git a/data/super_glue_cb_take_the_following_as_truth/train.tfrecord-00000-of-00001 b/data/super_glue_cb_take_the_following_as_truth/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d24292d1721e69c2fab2acbc9462a8d2d246a158
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:09629893a35a3fe2fa5f5d47bc1de96ac913f430744fe3c7f721bfdd8cbe6fcc
+size 190917
diff --git a/data/super_glue_cb_take_the_following_as_truth/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_take_the_following_as_truth/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fee2796997d2080a2ac4480dd17c27fd3151dcc5
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:30ff922ee114d4bef63d5612a6cc17bb34d83f382506a6367f065211dad27024
+size 46027
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/COMPLETED b/data/super_glue_cb_take_the_following_as_truth_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/info.test.json b/data/super_glue_cb_take_the_following_as_truth_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/info.train.json b/data/super_glue_cb_take_the_following_as_truth_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/info.validation.json b/data/super_glue_cb_take_the_following_as_truth_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/stats.test.json b/data/super_glue_cb_take_the_following_as_truth_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2764f8f4e7a0b4e662a745e7f26239f773e746df
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 615,
+  "inputs_tokens": 89988,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2250
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/stats.train.json b/data/super_glue_cb_take_the_following_as_truth_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f5be0c0016a116c51726f80ef0c79213acb7e69b
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 750,
+  "inputs_max_tokens": 321,
+  "inputs_tokens": 85413,
+  "targets_max_tokens": 5,
+  "targets_tokens": 2250
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/stats.validation.json b/data/super_glue_cb_take_the_following_as_truth_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f724c6e6066e83100383ffcd8f40c82219fc5cbc
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 168,
+  "inputs_max_tokens": 318,
+  "inputs_tokens": 20976,
+  "targets_max_tokens": 5,
+  "targets_tokens": 504
+}
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_cb_take_the_following_as_truth_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4290c8287c720f58973c79d28949879eb998e538
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6eea6d863826e7e3a2647ee51f586b49afef4af852a9ae44e14fa662dbfa8acc
+size 606686
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_cb_take_the_following_as_truth_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..52496ec456cc30b552c1a6f484512843fdb731f1
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:497f5168bbe8e78fd97c8d622483d5391814522bf75cf0d358555dfb9d44563a
+size 580874
diff --git a/data/super_glue_cb_take_the_following_as_truth_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_cb_take_the_following_as_truth_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c063960a154fe6983028039e8373d10dee592fa1
--- /dev/null
+++ b/data/super_glue_cb_take_the_following_as_truth_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c093d71f2157b78d9cf7787e5ac665c1b8972754801846b884a8dd284433ac8a
+size 139747
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/COMPLETED b/data/super_glue_copa_C1_or_C2_premise_so_because_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/info.test.json b/data/super_glue_copa_C1_or_C2_premise_so_because_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/info.train.json b/data/super_glue_copa_C1_or_C2_premise_so_because_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/info.validation.json b/data/super_glue_copa_C1_or_C2_premise_so_because_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/stats.test.json b/data/super_glue_copa_C1_or_C2_premise_so_because_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4642f6188f91f02449e8215e4dcdeb0b68785f1b
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 13923,
+  "targets_max_tokens": 7,
+  "targets_tokens": 3500
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/stats.train.json b/data/super_glue_copa_C1_or_C2_premise_so_because_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..af0bfbae3e5fefed352e5796436e88810e99c4a6
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400,
+  "inputs_max_tokens": 43,
+  "inputs_tokens": 11333,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2872
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/stats.validation.json b/data/super_glue_copa_C1_or_C2_premise_so_because_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b045ee89d8e008d74efb43a39034ca32acb74b37
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100,
+  "inputs_max_tokens": 43,
+  "inputs_tokens": 2866,
+  "targets_max_tokens": 13,
+  "targets_tokens": 730
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/test.tfrecord-00000-of-00001 b/data/super_glue_copa_C1_or_C2_premise_so_because_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bd805411c2394b34fddc97a3dbd6178322c166e5
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:29aeea3839eb2fd046f0dd9c8322138d822d6742584ba803699ce8582762f269
+size 180021
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/train.tfrecord-00000-of-00001 b/data/super_glue_copa_C1_or_C2_premise_so_because_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1f9051109b601b7493b54c48130185dfa2da6856
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8ca258ca05b56b33d49cabbf0d055cbe1eeef6375af145083723006cdc45f9ba
+size 153155
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because_/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_C1_or_C2_premise_so_because_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e76c99d0cb27825b11cd5d1cfec5911bbb90dc72
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:074e99b134e154acbb859e53183b5bd8bab88539b7b0b7fcc766978988b9dd73
+size 38885
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/COMPLETED b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/info.test.json b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/info.train.json b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/info.validation.json b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/stats.test.json b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..33ae521cd299cd7c6c5deaefdedbe7a433e9871e
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 27846,
+  "targets_max_tokens": 15,
+  "targets_tokens": 7073
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/stats.train.json b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c152d9df7a15060e2ea4990c785264a457db29b5
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 800,
+  "inputs_max_tokens": 43,
+  "inputs_tokens": 22666,
+  "targets_max_tokens": 16,
+  "targets_tokens": 5765
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/stats.validation.json b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6f22c791a2b36355f130bfdf15895b767f71a762
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 200,
+  "inputs_max_tokens": 43,
+  "inputs_tokens": 5732,
+  "targets_max_tokens": 15,
+  "targets_tokens": 1490
+}
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7890abbbacaa9345e406e95fc05cfd52eb3e78f0
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:218ad91c074df187dcde8ff8871443b374da00953fbf6f2e377a1f30e127ed99
+size 353055
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c2b2e01d17fc6a7aacb5505b3c5f6ec79c431d69
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4457ddd3fa8ffc98c9c1755889cd7f03c4369896b242e3b20839d8021bc12654
+size 286883
diff --git a/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ed1b2416a4c1e3e35218368eca9a6081489ffef2
--- /dev/null
+++ b/data/super_glue_copa_C1_or_C2_premise_so_because__score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4ee2deb5a75a9b0641b83a2263cb9a6f86ab33f65b188ed987e9b65f227632e5
+size 72431
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/COMPLETED b/data/super_glue_copa__As_a_result_C1_or_C2_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/info.test.json b/data/super_glue_copa__As_a_result_C1_or_C2_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/info.train.json b/data/super_glue_copa__As_a_result_C1_or_C2_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/info.validation.json b/data/super_glue_copa__As_a_result_C1_or_C2_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/stats.test.json b/data/super_glue_copa__As_a_result_C1_or_C2_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1b4e864c37f8786844bcd54e8f82c735bdd184e8
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 8085,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/stats.train.json b/data/super_glue_copa__As_a_result_C1_or_C2_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e25600a2b5daf862cb70a63bd3f37f3bf04d8643
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 202,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 6621,
+  "targets_max_tokens": 13,
+  "targets_tokens": 1464
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/stats.validation.json b/data/super_glue_copa__As_a_result_C1_or_C2_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..de3cb1c2265043ae500a2ac2801a0ccd81b2bfc8
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 48,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 1525,
+  "targets_max_tokens": 11,
+  "targets_tokens": 328
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/test.tfrecord-00000-of-00001 b/data/super_glue_copa__As_a_result_C1_or_C2_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..22387b18a2d9837dbe8d8a912aebb658f41fd36f
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3e7d96db1ee930e24864b0e8d74204c238b6c063ed7d9b477529b0fb10e63a19
+size 93580
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/train.tfrecord-00000-of-00001 b/data/super_glue_copa__As_a_result_C1_or_C2_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..35afa3e8d51805e7c394ccdc0ca6b89a64e6472c
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a8f7affac1accd9a95d9990d02e765249d76b3f617a16174ef06e1a6003bed27
+size 80562
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2_/validation.tfrecord-00000-of-00001 b/data/super_glue_copa__As_a_result_C1_or_C2_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2f312acf5bdcc10e8c10346a06598bc30784b635
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4ebb8837149953a67b5031e81bcc7892ff031df6dfc81e609e3a57d51c310fc0
+size 19090
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/COMPLETED b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/info.test.json b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/info.train.json b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/info.validation.json b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/stats.test.json b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b7c34695e455660f1668662cedb3cde4b8d0e2e2
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 16170,
+  "targets_max_tokens": 15,
+  "targets_tokens": 3589
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/stats.train.json b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a60c48e3d649ef29b412080adfa300cd5539cc11
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 404,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 13242,
+  "targets_max_tokens": 13,
+  "targets_tokens": 2947
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/stats.validation.json b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6829f3f7f48ce0f477da3c9e989b3aa51420f755
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 96,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 3050,
+  "targets_max_tokens": 12,
+  "targets_tokens": 680
+}
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a08aa13c9ca067141481602806cdf0a5cea60f56
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:853c1c94de9fa651fe0e80e19d95e180be5a2ae755a42ba38e13054775ae4217
+size 183643
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e0ffb1f3fd0ab84408c46ba59a99de8aa04b4699
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c5d0089d724ae1edbd50068422bf996cbbecf123f2d6d1c22ad74b74a6f5a8a4
+size 151026
diff --git a/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..09dfa2cc2237de07f54676f3723c33a929ea0b7c
--- /dev/null
+++ b/data/super_glue_copa__As_a_result_C1_or_C2__score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a4c368381e2abb72163c8e3e953a2eda6a5635fa77903e2ab4fec1df6d46a2b4
+size 35715
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/COMPLETED b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/info.test.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/info.train.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/info.validation.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/stats.test.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1b4e864c37f8786844bcd54e8f82c735bdd184e8
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 8085,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/stats.train.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e25600a2b5daf862cb70a63bd3f37f3bf04d8643
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 202,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 6621,
+  "targets_max_tokens": 13,
+  "targets_tokens": 1464
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/stats.validation.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..de3cb1c2265043ae500a2ac2801a0ccd81b2bfc8
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 48,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 1525,
+  "targets_max_tokens": 11,
+  "targets_tokens": 328
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/test.tfrecord-00000-of-00001 b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..404c500c9a45e002bc74d056b3addf62a0d3a437
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7d3186ef73e104383c44e760f34ff69123987199f7dee0a21209824679c0ce8e
+size 97011
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/train.tfrecord-00000-of-00001 b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1a1cd2c7ebf77acd0e18e728441b28210ddbb88d
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bb0af8b1f36c73c4ed4e691234ab5e732f447b8fc33f1dee2cef47d7de2e8cdf
+size 83330
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2_/validation.tfrecord-00000-of-00001 b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4a25a8fcab5e65ad7fe75809e7e2d42b13d929e3
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e6c4157fabbc23cf311e0eab054f2deef3e08ce483a6bb372af769abaca8afbe
+size 19754
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/COMPLETED b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/info.test.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/info.train.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/info.validation.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/stats.test.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b7c34695e455660f1668662cedb3cde4b8d0e2e2
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 16170,
+  "targets_max_tokens": 15,
+  "targets_tokens": 3589
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/stats.train.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a60c48e3d649ef29b412080adfa300cd5539cc11
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 404,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 13242,
+  "targets_max_tokens": 13,
+  "targets_tokens": 2947
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/stats.validation.json b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6829f3f7f48ce0f477da3c9e989b3aa51420f755
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 96,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 3050,
+  "targets_max_tokens": 12,
+  "targets_tokens": 680
+}
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ff7dc14ad8d77993efdbb8b5f1545932dbbcd551
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3e923bf9dcdb832dd14bf9acc9b4c4602b2021ba93033e9d3961e0372da84d8a
+size 190505
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..50af210842e75c1b0ad2b7644a60605a67c01a42
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:00a9bd8ecaaf866cb5f2883d935bc7389f0dd849ff9dc5614c0c88d8db2f407d
+size 156562
diff --git a/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a643426a93e17055501915285d240ddb847254b7
--- /dev/null
+++ b/data/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0f09c748a64b798e4ede388b66d6fbb688d11f584086a5d95b1c0ac072077f93
+size 37043
diff --git a/data/super_glue_copa__which_may_be_caused_by/COMPLETED b/data/super_glue_copa__which_may_be_caused_by/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa__which_may_be_caused_by/info.test.json b/data/super_glue_copa__which_may_be_caused_by/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by/info.train.json b/data/super_glue_copa__which_may_be_caused_by/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by/info.validation.json b/data/super_glue_copa__which_may_be_caused_by/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by/stats.test.json b/data/super_glue_copa__which_may_be_caused_by/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..31758cdaff0e93afed971a18f7b3c128e015e0d8
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 7838,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by/stats.train.json b/data/super_glue_copa__which_may_be_caused_by/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..736500eda086817020cb1f208343e677197e8fd9
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 198,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 6312,
+  "targets_max_tokens": 16,
+  "targets_tokens": 1408
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by/stats.validation.json b/data/super_glue_copa__which_may_be_caused_by/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..61ceb1cfeedda0b382776208e110d7c4096e5c95
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 52,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 1741,
+  "targets_max_tokens": 13,
+  "targets_tokens": 402
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by/test.tfrecord-00000-of-00001 b/data/super_glue_copa__which_may_be_caused_by/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8d613b4a6bdd8ce04a316bc4dbaf30a7530668b9
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:678e0493164778b70fbee2398fbab15891979759f8c9d3b6fa4f863426665513
+size 95520
diff --git a/data/super_glue_copa__which_may_be_caused_by/train.tfrecord-00000-of-00001 b/data/super_glue_copa__which_may_be_caused_by/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..aed1b19fb19ba9bfd3499caaf0ffcc9ffa682587
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cea70247c79fffda7003ddcf6746fe2dc7955487fe913560ca7112b585d75dad
+size 79856
diff --git a/data/super_glue_copa__which_may_be_caused_by/validation.tfrecord-00000-of-00001 b/data/super_glue_copa__which_may_be_caused_by/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fa0e960ec116d2a2010dc7f17a803c93343a7290
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0a7ce315bf01e646e4de35f71e5ee91650dfe14969e8c409262fa76b56385ea8
+size 21614
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/COMPLETED b/data/super_glue_copa__which_may_be_caused_by_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/info.test.json b/data/super_glue_copa__which_may_be_caused_by_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/info.train.json b/data/super_glue_copa__which_may_be_caused_by_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/info.validation.json b/data/super_glue_copa__which_may_be_caused_by_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/stats.test.json b/data/super_glue_copa__which_may_be_caused_by_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..766f4fe733210e9cebd54b3d7781fc055c0575a8
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 15676,
+  "targets_max_tokens": 13,
+  "targets_tokens": 3484
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/stats.train.json b/data/super_glue_copa__which_may_be_caused_by_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ba43c250956d6434f164eceba45128ada8b62732
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 396,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 12624,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2818
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/stats.validation.json b/data/super_glue_copa__which_may_be_caused_by_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..38ca40b004b9af1480ffb7a81c9298aebfd7bdb5
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 3482,
+  "targets_max_tokens": 15,
+  "targets_tokens": 810
+}
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa__which_may_be_caused_by_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1f447b059eb2c522d2dac2873fd28074bfaf542b
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:276185967e617682ab844c01210d6d83249337f395e32e14069ff682fc31f43a
+size 187314
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa__which_may_be_caused_by_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c820a47788611007dcb04b22ce1e056d9f412cc3
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1e6c8694bfc1f99a4f6c2eb47b0d9220493fc29ab931bc848ca0ec82d837076e
+size 150127
diff --git a/data/super_glue_copa__which_may_be_caused_by_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa__which_may_be_caused_by_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..054f60b38d2fa15a16dd5c8fd0317e31f12a9c1b
--- /dev/null
+++ b/data/super_glue_copa__which_may_be_caused_by_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5428144f436755f15edcf5d8259b5038f9410aca4a2730399334b08cd970475d
+size 40354
diff --git a/data/super_glue_copa__why_C1_or_C2/COMPLETED b/data/super_glue_copa__why_C1_or_C2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa__why_C1_or_C2/info.test.json b/data/super_glue_copa__why_C1_or_C2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__why_C1_or_C2/info.train.json b/data/super_glue_copa__why_C1_or_C2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__why_C1_or_C2/info.validation.json b/data/super_glue_copa__why_C1_or_C2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__why_C1_or_C2/stats.test.json b/data/super_glue_copa__why_C1_or_C2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ef8c01de32f60dd40b00909a5602fd2865e6796a
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 250,
+  "inputs_max_tokens": 45,
+  "inputs_tokens": 7088,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1750
+}
diff --git a/data/super_glue_copa__why_C1_or_C2/stats.train.json b/data/super_glue_copa__why_C1_or_C2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fdc0be6cae27d111d8909da10260b9ee224c353d
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 198,
+  "inputs_max_tokens": 44,
+  "inputs_tokens": 5718,
+  "targets_max_tokens": 16,
+  "targets_tokens": 1408
+}
diff --git a/data/super_glue_copa__why_C1_or_C2/stats.validation.json b/data/super_glue_copa__why_C1_or_C2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..83c1e21bc0d9541698f4b4fca0db7bc313515435
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 52,
+  "inputs_max_tokens": 44,
+  "inputs_tokens": 1585,
+  "targets_max_tokens": 13,
+  "targets_tokens": 402
+}
diff --git a/data/super_glue_copa__why_C1_or_C2/test.tfrecord-00000-of-00001 b/data/super_glue_copa__why_C1_or_C2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6b2d9d5b5f2753f6572563557eb7097c80db9a6c
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:047af12550e015bff61c9609dc019155216e28bba4904db84263a2f0d591adc4
+size 89506
diff --git a/data/super_glue_copa__why_C1_or_C2/train.tfrecord-00000-of-00001 b/data/super_glue_copa__why_C1_or_C2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7f36f030bec1730c376294bc3a9840247b74786d
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:770d3c5106ece7da6cfb5119c44e48f35f0f17c274f97443612e362d02442e97
+size 75102
diff --git a/data/super_glue_copa__why_C1_or_C2/validation.tfrecord-00000-of-00001 b/data/super_glue_copa__why_C1_or_C2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..522b8966a708b1f43969b3667bcf84c5e91084e8
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:739396f6963e4ef97be3f441d658d06672c5953aec539a5ed074e35ce9a21aed
+size 20375
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/COMPLETED b/data/super_glue_copa__why_C1_or_C2_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/info.test.json b/data/super_glue_copa__why_C1_or_C2_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/info.train.json b/data/super_glue_copa__why_C1_or_C2_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/info.validation.json b/data/super_glue_copa__why_C1_or_C2_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/stats.test.json b/data/super_glue_copa__why_C1_or_C2_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1c4c09eff3e0be5215b81ea5699b38bf5b48e74a
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 45,
+  "inputs_tokens": 14176,
+  "targets_max_tokens": 13,
+  "targets_tokens": 3484
+}
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/stats.train.json b/data/super_glue_copa__why_C1_or_C2_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3438a909fd7f5fd59e9f43ceac92c6e85606f080
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 396,
+  "inputs_max_tokens": 44,
+  "inputs_tokens": 11436,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2818
+}
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/stats.validation.json b/data/super_glue_copa__why_C1_or_C2_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3c3795ee33f49374005dd1a8b270089593cd4104
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 44,
+  "inputs_tokens": 3170,
+  "targets_max_tokens": 15,
+  "targets_tokens": 810
+}
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa__why_C1_or_C2_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2016d3aaeb3944dcd56df7800aabc7e0f990e344
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8c17c51cfbe72b3f6883248d8992528a97ec5e4e3cbb2a7a32a50fb3468e0b27
+size 175286
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa__why_C1_or_C2_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5107785805f0a2c6752683ff93802ad27416014f
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7db220e91044c98fbe5491d53f8541af756d4d55baa047b4a5e8a07a1c4b38cf
+size 140619
diff --git a/data/super_glue_copa__why_C1_or_C2_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa__why_C1_or_C2_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88ed4d957f1682ef7862f654b821d2c7f2b2d237
--- /dev/null
+++ b/data/super_glue_copa__why_C1_or_C2_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:410d8e90a517a7dd151081f85abb3764784b661dc1cb1653f6483ff75e0d43b9
+size 37876
diff --git a/data/super_glue_copa_best_option/COMPLETED b/data/super_glue_copa_best_option/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_best_option/info.test.json b/data/super_glue_copa_best_option/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_best_option/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_best_option/info.train.json b/data/super_glue_copa_best_option/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_best_option/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_best_option/info.validation.json b/data/super_glue_copa_best_option/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_best_option/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_best_option/stats.test.json b/data/super_glue_copa_best_option/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..3881084c79c0f44d917bb70b7881106a04eededb
--- /dev/null
+++ b/data/super_glue_copa_best_option/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 20037,
+  "targets_max_tokens": 7,
+  "targets_tokens": 3500
+}
diff --git a/data/super_glue_copa_best_option/stats.train.json b/data/super_glue_copa_best_option/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2bca3223ae0287ecff5205e7c879d670bb6a24a4
--- /dev/null
+++ b/data/super_glue_copa_best_option/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400,
+  "inputs_max_tokens": 56,
+  "inputs_tokens": 16233,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2872
+}
diff --git a/data/super_glue_copa_best_option/stats.validation.json b/data/super_glue_copa_best_option/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3f84147abcbe217507bb2e26ba748c9aae2278a0
--- /dev/null
+++ b/data/super_glue_copa_best_option/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100,
+  "inputs_max_tokens": 56,
+  "inputs_tokens": 4092,
+  "targets_max_tokens": 13,
+  "targets_tokens": 730
+}
diff --git a/data/super_glue_copa_best_option/test.tfrecord-00000-of-00001 b/data/super_glue_copa_best_option/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b579c6ee4fbfd67d3d4e5d9315d6568a6966e883
--- /dev/null
+++ b/data/super_glue_copa_best_option/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:93ac562db3a06d6fbe496d7b3e5fe3888d7d95d0f39811d6ff98d8af60fbf184
+size 210935
diff --git a/data/super_glue_copa_best_option/train.tfrecord-00000-of-00001 b/data/super_glue_copa_best_option/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9986657601c84ea3562f8ae492a6c5b07edc2264
--- /dev/null
+++ b/data/super_glue_copa_best_option/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:92078a2f06622dbe69fae09d770cf96586c9fd23d77c94fd80405d6dd4171bb6
+size 177840
diff --git a/data/super_glue_copa_best_option/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_best_option/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d898bf83d5cb8be20eb61ca8dc63b781a09df7d0
--- /dev/null
+++ b/data/super_glue_copa_best_option/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:09eceaa3ea2f694b1e1721d1d055176abb75189ab0d89e7bc021752286ac50ec
+size 45033
diff --git a/data/super_glue_copa_best_option_score_eval/COMPLETED b/data/super_glue_copa_best_option_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_best_option_score_eval/info.test.json b/data/super_glue_copa_best_option_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_best_option_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_best_option_score_eval/info.train.json b/data/super_glue_copa_best_option_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_best_option_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_best_option_score_eval/info.validation.json b/data/super_glue_copa_best_option_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_best_option_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_best_option_score_eval/stats.test.json b/data/super_glue_copa_best_option_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..73dcba461b715bdea9d0a33ff3309fc881deb1bc
--- /dev/null
+++ b/data/super_glue_copa_best_option_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 40074,
+  "targets_max_tokens": 15,
+  "targets_tokens": 7073
+}
diff --git a/data/super_glue_copa_best_option_score_eval/stats.train.json b/data/super_glue_copa_best_option_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6df618bef8716826bb0f12195f7992e6cdbdba89
--- /dev/null
+++ b/data/super_glue_copa_best_option_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 800,
+  "inputs_max_tokens": 56,
+  "inputs_tokens": 32466,
+  "targets_max_tokens": 16,
+  "targets_tokens": 5765
+}
diff --git a/data/super_glue_copa_best_option_score_eval/stats.validation.json b/data/super_glue_copa_best_option_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..08afa2ddeef053affde4f081ab5f5ede3dad5122
--- /dev/null
+++ b/data/super_glue_copa_best_option_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 200,
+  "inputs_max_tokens": 56,
+  "inputs_tokens": 8184,
+  "targets_max_tokens": 15,
+  "targets_tokens": 1490
+}
diff --git a/data/super_glue_copa_best_option_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa_best_option_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..29ff48603876fba48332eb31abce8c5923950a79
--- /dev/null
+++ b/data/super_glue_copa_best_option_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:132a109b6a730f811e80d4cd333fb75f890b7a464da543b7b63c2d696b9f0423
+size 414883
diff --git a/data/super_glue_copa_best_option_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa_best_option_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..97c66c0ccd0af438e9896c4270b4f9e45ef8984a
--- /dev/null
+++ b/data/super_glue_copa_best_option_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:913b8c58a1638e07d2bb7e5b1bc39d16ce1883c40da1a04d993442913bad9786
+size 336253
diff --git a/data/super_glue_copa_best_option_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_best_option_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..37f33f12121d6227d2fcf609b335d10a80edc006
--- /dev/null
+++ b/data/super_glue_copa_best_option_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7d83236cef5b55564b857126d74267db3c6c4d368686c814e567a4861cb5a77f
+size 84727
diff --git a/data/super_glue_copa_cause_effect/COMPLETED b/data/super_glue_copa_cause_effect/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_cause_effect/info.test.json b/data/super_glue_copa_cause_effect/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_cause_effect/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_cause_effect/info.train.json b/data/super_glue_copa_cause_effect/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_cause_effect/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_cause_effect/info.validation.json b/data/super_glue_copa_cause_effect/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_cause_effect/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_cause_effect/stats.test.json b/data/super_glue_copa_cause_effect/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..820f745f045c7eb36c165a6f1b8aceb72e6291fb
--- /dev/null
+++ b/data/super_glue_copa_cause_effect/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 53,
+  "inputs_tokens": 16287,
+  "targets_max_tokens": 7,
+  "targets_tokens": 3500
+}
diff --git a/data/super_glue_copa_cause_effect/stats.train.json b/data/super_glue_copa_cause_effect/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1f5327758db2987636dea52b5f6e4c43d62c6062
--- /dev/null
+++ b/data/super_glue_copa_cause_effect/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 13235,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2872
+}
diff --git a/data/super_glue_copa_cause_effect/stats.validation.json b/data/super_glue_copa_cause_effect/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6313d7e4489beed78dde5e1773ae491385447fd0
--- /dev/null
+++ b/data/super_glue_copa_cause_effect/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 3340,
+  "targets_max_tokens": 13,
+  "targets_tokens": 730
+}
diff --git a/data/super_glue_copa_cause_effect/test.tfrecord-00000-of-00001 b/data/super_glue_copa_cause_effect/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..870199ea40fbf230c1c196cf6131731b553d1a3a
--- /dev/null
+++ b/data/super_glue_copa_cause_effect/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:248cc438559734d65d0256884e554be4ef2e6f856bb24d127d68964c15081be4
+size 196887
diff --git a/data/super_glue_copa_cause_effect/train.tfrecord-00000-of-00001 b/data/super_glue_copa_cause_effect/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..43167f5301c3ea8749db2cce35b1fd9289fedff2
--- /dev/null
+++ b/data/super_glue_copa_cause_effect/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:54426c9fb8f6f0f24d40fb7731ff564d84976fbf42f3be8748807a4d5e6b1d96
+size 166666
diff --git a/data/super_glue_copa_cause_effect/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_cause_effect/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..876a2f23cabf1328f486ecd32eb493379d8bf3c5
--- /dev/null
+++ b/data/super_glue_copa_cause_effect/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:15a51ea2d628888f42135167f2f7d81bec6cb2126801eafa2e64278544fb3f69
+size 42233
diff --git a/data/super_glue_copa_cause_effect_score_eval/COMPLETED b/data/super_glue_copa_cause_effect_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_cause_effect_score_eval/info.test.json b/data/super_glue_copa_cause_effect_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_cause_effect_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_cause_effect_score_eval/info.train.json b/data/super_glue_copa_cause_effect_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_cause_effect_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_cause_effect_score_eval/info.validation.json b/data/super_glue_copa_cause_effect_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_cause_effect_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_cause_effect_score_eval/stats.test.json b/data/super_glue_copa_cause_effect_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fc06eb63d022891e474e717310c4d34e5e4bb0be
--- /dev/null
+++ b/data/super_glue_copa_cause_effect_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 53,
+  "inputs_tokens": 32574,
+  "targets_max_tokens": 15,
+  "targets_tokens": 7073
+}
diff --git a/data/super_glue_copa_cause_effect_score_eval/stats.train.json b/data/super_glue_copa_cause_effect_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3930b12777e95823c433de753ed94e600fed5c40
--- /dev/null
+++ b/data/super_glue_copa_cause_effect_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 800,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 26470,
+  "targets_max_tokens": 16,
+  "targets_tokens": 5765
+}
diff --git a/data/super_glue_copa_cause_effect_score_eval/stats.validation.json b/data/super_glue_copa_cause_effect_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b839fe1ff8dfe8a1f7e16e745a745df4961d7924
--- /dev/null
+++ b/data/super_glue_copa_cause_effect_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 200,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 6680,
+  "targets_max_tokens": 15,
+  "targets_tokens": 1490
+}
diff --git a/data/super_glue_copa_cause_effect_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa_cause_effect_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..edc2466cb72793ececf3193681d77d53bef64ba8
--- /dev/null
+++ b/data/super_glue_copa_cause_effect_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:14e0c7cdf7c9df187771064902d9cf39495a5ee052f446cebf29a71aa1761ec9
+size 386787
diff --git a/data/super_glue_copa_cause_effect_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa_cause_effect_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c6329d90cd458c48e1977df52452a1b2a66166a9
--- /dev/null
+++ b/data/super_glue_copa_cause_effect_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1e1f6c4f55d7e4bc417fbf5a6fa75245c838cc57bf2e57468a28533d214dbad4
+size 313905
diff --git a/data/super_glue_copa_cause_effect_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_cause_effect_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e6c0de435b2dc22fd9340dca296df9224b4805b1
--- /dev/null
+++ b/data/super_glue_copa_cause_effect_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7341cbac3c5dc1316caea59c166cc3c700ec4bb6a8e38d79cd7e08627d400587
+size 79127
diff --git a/data/super_glue_copa_choose/COMPLETED b/data/super_glue_copa_choose/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_choose/info.test.json b/data/super_glue_copa_choose/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_choose/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_choose/info.train.json b/data/super_glue_copa_choose/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_choose/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_choose/info.validation.json b/data/super_glue_copa_choose/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_choose/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_choose/stats.test.json b/data/super_glue_copa_choose/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..da31e6d95a591d01265a4438c0ab7e098cf29d78
--- /dev/null
+++ b/data/super_glue_copa_choose/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 15787,
+  "targets_max_tokens": 7,
+  "targets_tokens": 3500
+}
diff --git a/data/super_glue_copa_choose/stats.train.json b/data/super_glue_copa_choose/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..546d28523734ee26301ed2b6d3d6a1ad2c18fac1
--- /dev/null
+++ b/data/super_glue_copa_choose/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 12835,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2872
+}
diff --git a/data/super_glue_copa_choose/stats.validation.json b/data/super_glue_copa_choose/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a77aaf75670d5fa443c2991b918b2a209bc44410
--- /dev/null
+++ b/data/super_glue_copa_choose/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 3240,
+  "targets_max_tokens": 13,
+  "targets_tokens": 730
+}
diff --git a/data/super_glue_copa_choose/test.tfrecord-00000-of-00001 b/data/super_glue_copa_choose/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c8ab9d8f1d9b613d7bdfd4bca7575458bf5bb587
--- /dev/null
+++ b/data/super_glue_copa_choose/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d9fbb5ddbe203129dc816f70bc4081bc8768453d581200339d32c4ec94d68e1e
+size 190309
diff --git a/data/super_glue_copa_choose/train.tfrecord-00000-of-00001 b/data/super_glue_copa_choose/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c1c49fb32fa2aa8d48a1a91d2d52905a3417ec1d
--- /dev/null
+++ b/data/super_glue_copa_choose/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7fe67520bdcaab774b358c7a35d7bf8711cf69e15bedb680be35676654da8a39
+size 161383
diff --git a/data/super_glue_copa_choose/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_choose/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a5d3ad024b0e1bf429041359945b45993b79f63d
--- /dev/null
+++ b/data/super_glue_copa_choose/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5be77bb94d3b405e91835d2f507400dd211fccbec2800bf43fdb6ac4259f79be
+size 40946
diff --git a/data/super_glue_copa_choose_score_eval/COMPLETED b/data/super_glue_copa_choose_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_choose_score_eval/info.test.json b/data/super_glue_copa_choose_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_choose_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_choose_score_eval/info.train.json b/data/super_glue_copa_choose_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_choose_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_choose_score_eval/info.validation.json b/data/super_glue_copa_choose_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_choose_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_choose_score_eval/stats.test.json b/data/super_glue_copa_choose_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b042e32078faa83c97a2b93bcc510c9097462b0e
--- /dev/null
+++ b/data/super_glue_copa_choose_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 31574,
+  "targets_max_tokens": 15,
+  "targets_tokens": 7073
+}
diff --git a/data/super_glue_copa_choose_score_eval/stats.train.json b/data/super_glue_copa_choose_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6068ce87971541cb372c6f9120d264463c54a1da
--- /dev/null
+++ b/data/super_glue_copa_choose_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 800,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 25670,
+  "targets_max_tokens": 16,
+  "targets_tokens": 5765
+}
diff --git a/data/super_glue_copa_choose_score_eval/stats.validation.json b/data/super_glue_copa_choose_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1ba079dcbd294514bf62d3256f0f95f67d3065bc
--- /dev/null
+++ b/data/super_glue_copa_choose_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 200,
+  "inputs_max_tokens": 47,
+  "inputs_tokens": 6480,
+  "targets_max_tokens": 15,
+  "targets_tokens": 1490
+}
diff --git a/data/super_glue_copa_choose_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa_choose_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0db5b91a75eebfb4ae180ff51687a1108d4c27dd
--- /dev/null
+++ b/data/super_glue_copa_choose_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d7b0ec4e62a0ae2c285f4c45256b72804928b118be9e7937a80c62bf80fae2d9
+size 373631
diff --git a/data/super_glue_copa_choose_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa_choose_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bfd53ef42023f61eb121634abea6c5e0edbe078c
--- /dev/null
+++ b/data/super_glue_copa_choose_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:18c353c1c79a2fe1d6fdc8f19d71605b9c1d6a8ede7feef05d3f6a4c928ed73b
+size 303339
diff --git a/data/super_glue_copa_choose_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_choose_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4c10fc362786fe7e18912d21f783e796e5a224f2
--- /dev/null
+++ b/data/super_glue_copa_choose_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c75a0fd09f459f3cd680fd3f15a0fc397161d74579c1c27b904f035ecb4941cb
+size 76553
diff --git a/data/super_glue_copa_exercise/COMPLETED b/data/super_glue_copa_exercise/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_exercise/info.test.json b/data/super_glue_copa_exercise/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_exercise/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_exercise/info.train.json b/data/super_glue_copa_exercise/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_exercise/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_exercise/info.validation.json b/data/super_glue_copa_exercise/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_exercise/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_exercise/stats.test.json b/data/super_glue_copa_exercise/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0a0daa9843e9a51a2249143273b776a033f9c157
--- /dev/null
+++ b/data/super_glue_copa_exercise/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 57,
+  "inputs_tokens": 18287,
+  "targets_max_tokens": 7,
+  "targets_tokens": 3500
+}
diff --git a/data/super_glue_copa_exercise/stats.train.json b/data/super_glue_copa_exercise/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a02d40cb4edc7889bb2bb5cca56f7484db1935db
--- /dev/null
+++ b/data/super_glue_copa_exercise/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 14835,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2872
+}
diff --git a/data/super_glue_copa_exercise/stats.validation.json b/data/super_glue_copa_exercise/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6d1a67bd6c7b9e72d9cbd975d62ffafdc4d14459
--- /dev/null
+++ b/data/super_glue_copa_exercise/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 3740,
+  "targets_max_tokens": 13,
+  "targets_tokens": 730
+}
diff --git a/data/super_glue_copa_exercise/test.tfrecord-00000-of-00001 b/data/super_glue_copa_exercise/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..33df20a2442ec252634a2c633a0bd09e596e3fee
--- /dev/null
+++ b/data/super_glue_copa_exercise/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:275a05d4895c8bc94850773def45972b8ad6bd14d58268422328059ea5997f5b
+size 213270
diff --git a/data/super_glue_copa_exercise/train.tfrecord-00000-of-00001 b/data/super_glue_copa_exercise/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3d3764d830d3f4c16455468411d0eaed9e4e6a6f
--- /dev/null
+++ b/data/super_glue_copa_exercise/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4010db61b65ed182a3d61ec0f0ad9fb68a4b02ce3ee969e53d17668c27b6983d
+size 179680
diff --git a/data/super_glue_copa_exercise/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_exercise/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ce9b1a794d30e7e734cd6b8ea6cdabc183918a63
--- /dev/null
+++ b/data/super_glue_copa_exercise/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a16cb0e50d1757011c5708a9da057818fb36a94ed1f5af7d7e2eefd08ba51ac5
+size 45511
diff --git a/data/super_glue_copa_exercise_score_eval/COMPLETED b/data/super_glue_copa_exercise_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_exercise_score_eval/info.test.json b/data/super_glue_copa_exercise_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_exercise_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_exercise_score_eval/info.train.json b/data/super_glue_copa_exercise_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_exercise_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_exercise_score_eval/info.validation.json b/data/super_glue_copa_exercise_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_exercise_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_exercise_score_eval/stats.test.json b/data/super_glue_copa_exercise_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ad951d774395f5b865f7c69338554355e6782465
--- /dev/null
+++ b/data/super_glue_copa_exercise_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 57,
+  "inputs_tokens": 36574,
+  "targets_max_tokens": 15,
+  "targets_tokens": 7073
+}
diff --git a/data/super_glue_copa_exercise_score_eval/stats.train.json b/data/super_glue_copa_exercise_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a5d119813734bd5cbd54347a00f0044c568afe66
--- /dev/null
+++ b/data/super_glue_copa_exercise_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 800,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 29670,
+  "targets_max_tokens": 16,
+  "targets_tokens": 5765
+}
diff --git a/data/super_glue_copa_exercise_score_eval/stats.validation.json b/data/super_glue_copa_exercise_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..55906645e60ec137557717d6b880dc2c80218309
--- /dev/null
+++ b/data/super_glue_copa_exercise_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 200,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 7480,
+  "targets_max_tokens": 15,
+  "targets_tokens": 1490
+}
diff --git a/data/super_glue_copa_exercise_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa_exercise_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..999c99d297c4e022a8c66b3e6c16b648684c9d93
--- /dev/null
+++ b/data/super_glue_copa_exercise_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:42bef9ee0a73bc3e6e62be9633a06b7a0a9bc382c9ec233549469a2bb0a3a09e
+size 419553
diff --git a/data/super_glue_copa_exercise_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa_exercise_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ee4a769961a2aa630c658c7e0409e897ed150acb
--- /dev/null
+++ b/data/super_glue_copa_exercise_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cae618adfd2f4e98bfd6029e61ffd98d5ad39526698b5dac6ba5159178c67992
+size 339933
diff --git a/data/super_glue_copa_exercise_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_exercise_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b4530a57e35692118ea83b9c0dedd7f28977a661
--- /dev/null
+++ b/data/super_glue_copa_exercise_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a24a808354d20d66e2261ea64113878da6adc95a44cdd76724c2f13aba13b1a6
+size 85683
diff --git a/data/super_glue_copa_i_am_hesitating/COMPLETED b/data/super_glue_copa_i_am_hesitating/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_i_am_hesitating/info.test.json b/data/super_glue_copa_i_am_hesitating/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_i_am_hesitating/info.train.json b/data/super_glue_copa_i_am_hesitating/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_i_am_hesitating/info.validation.json b/data/super_glue_copa_i_am_hesitating/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_i_am_hesitating/stats.test.json b/data/super_glue_copa_i_am_hesitating/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f45a92606a40bd9f4371f5812d262d9fb1d15492
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 22787,
+  "targets_max_tokens": 7,
+  "targets_tokens": 3500
+}
diff --git a/data/super_glue_copa_i_am_hesitating/stats.train.json b/data/super_glue_copa_i_am_hesitating/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..de088aba8013f2ac8c1c9af305fa45e6f0e17057
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400,
+  "inputs_max_tokens": 61,
+  "inputs_tokens": 18435,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2872
+}
diff --git a/data/super_glue_copa_i_am_hesitating/stats.validation.json b/data/super_glue_copa_i_am_hesitating/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..31f6e4b6cf680a9b41ca21167ee3fd42b97b0cc0
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100,
+  "inputs_max_tokens": 61,
+  "inputs_tokens": 4640,
+  "targets_max_tokens": 13,
+  "targets_tokens": 730
+}
diff --git a/data/super_glue_copa_i_am_hesitating/test.tfrecord-00000-of-00001 b/data/super_glue_copa_i_am_hesitating/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2ff55011a9f8134ff8cb27cc4c3ecb52d1033766
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:41699c83cfb17e98c506eaaaa709fdeb5775e40ca0da5ab035039917a235cf72
+size 228622
diff --git a/data/super_glue_copa_i_am_hesitating/train.tfrecord-00000-of-00001 b/data/super_glue_copa_i_am_hesitating/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e027713c33771da7cee218102e65dabf6b5f61ad
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8177250e982830641601af3b0e4a71f707160e581331f50c26c52d58ae3b0d06
+size 191973
diff --git a/data/super_glue_copa_i_am_hesitating/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_i_am_hesitating/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..63d9bb581c46a9b7d7f8271012e8d8cca8de8261
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e710d4f2c41a9308617d0a882a6319521a3f20bc25ea6a7c183740f6c673dcee
+size 48564
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/COMPLETED b/data/super_glue_copa_i_am_hesitating_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/info.test.json b/data/super_glue_copa_i_am_hesitating_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/info.train.json b/data/super_glue_copa_i_am_hesitating_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/info.validation.json b/data/super_glue_copa_i_am_hesitating_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/stats.test.json b/data/super_glue_copa_i_am_hesitating_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2ece29158bfb71491c96fd0cb12fbabd21ef5f48
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 45574,
+  "targets_max_tokens": 15,
+  "targets_tokens": 7073
+}
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/stats.train.json b/data/super_glue_copa_i_am_hesitating_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5b7947f058d7b80fbbff7c9c2d06c65a6fb0f10e
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 800,
+  "inputs_max_tokens": 61,
+  "inputs_tokens": 36870,
+  "targets_max_tokens": 16,
+  "targets_tokens": 5765
+}
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/stats.validation.json b/data/super_glue_copa_i_am_hesitating_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..85a615223038c8f58fda5ff0da9dbd803f7a9efa
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 200,
+  "inputs_max_tokens": 61,
+  "inputs_tokens": 9280,
+  "targets_max_tokens": 15,
+  "targets_tokens": 1490
+}
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa_i_am_hesitating_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..42567caea0cab1b0d51bddfe5d60946f24d28c84
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ab4bcd2463ec7e1f4d440ae7339416b91f4735def56b2fd64efe6ca21a42a2eb
+size 450257
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa_i_am_hesitating_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e93533e09d658d68c67b24f22fc553283faafa65
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d76ab52908c506e538c6a022f6916ba129f5e10ddd2ea9021502e931ab12dfea
+size 364519
diff --git a/data/super_glue_copa_i_am_hesitating_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_i_am_hesitating_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3fb62945be382caff9d31d0e939e97c9409451f7
--- /dev/null
+++ b/data/super_glue_copa_i_am_hesitating_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8148ce044866e6c8c45f01854bb318ec828b501c320014e43cb8d8d6e0c15e04
+size 91789
diff --git a/data/super_glue_copa_more_likely/COMPLETED b/data/super_glue_copa_more_likely/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_more_likely/info.test.json b/data/super_glue_copa_more_likely/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_more_likely/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_more_likely/info.train.json b/data/super_glue_copa_more_likely/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_more_likely/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_more_likely/info.validation.json b/data/super_glue_copa_more_likely/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_more_likely/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_more_likely/stats.test.json b/data/super_glue_copa_more_likely/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ef9aabf03257d582c34b9f5d3441ec8b22a7b7f
--- /dev/null
+++ b/data/super_glue_copa_more_likely/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 62,
+  "inputs_tokens": 21037,
+  "targets_max_tokens": 7,
+  "targets_tokens": 3500
+}
diff --git a/data/super_glue_copa_more_likely/stats.train.json b/data/super_glue_copa_more_likely/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..566f0b4a0179c36dacc35d864c9e3d8a62625a69
--- /dev/null
+++ b/data/super_glue_copa_more_likely/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400,
+  "inputs_max_tokens": 58,
+  "inputs_tokens": 17033,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2872
+}
diff --git a/data/super_glue_copa_more_likely/stats.validation.json b/data/super_glue_copa_more_likely/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a3ce1dec2166196332f109aa43e6bfe7f0cda378
--- /dev/null
+++ b/data/super_glue_copa_more_likely/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100,
+  "inputs_max_tokens": 58,
+  "inputs_tokens": 4292,
+  "targets_max_tokens": 13,
+  "targets_tokens": 730
+}
diff --git a/data/super_glue_copa_more_likely/test.tfrecord-00000-of-00001 b/data/super_glue_copa_more_likely/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0e202685e1a6525aa5fde0305db447e59733a3f1
--- /dev/null
+++ b/data/super_glue_copa_more_likely/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fd106c11913dbd004a023892d137a5a9f267fbe5bc08bc39acebac10fda8bffc
+size 225373
diff --git a/data/super_glue_copa_more_likely/train.tfrecord-00000-of-00001 b/data/super_glue_copa_more_likely/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2869b3f1dd0c74362e7b0af94915d5c91b31d638
--- /dev/null
+++ b/data/super_glue_copa_more_likely/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4d1bac09bf13362c8ce43e16004d9562897ceca08e8fc1cee3b20337566ed1a6
+size 189375
diff --git a/data/super_glue_copa_more_likely/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_more_likely/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d8dfded80873f94168b442c42d79fa8839800f03
--- /dev/null
+++ b/data/super_glue_copa_more_likely/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e714c8f551561b9c64b3dbd4f382bec04678aa57698b2e2672d2cc0c9b966675
+size 47912
diff --git a/data/super_glue_copa_more_likely_score_eval/COMPLETED b/data/super_glue_copa_more_likely_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_more_likely_score_eval/info.test.json b/data/super_glue_copa_more_likely_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_more_likely_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_more_likely_score_eval/info.train.json b/data/super_glue_copa_more_likely_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_more_likely_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_more_likely_score_eval/info.validation.json b/data/super_glue_copa_more_likely_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_more_likely_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_more_likely_score_eval/stats.test.json b/data/super_glue_copa_more_likely_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..389dd029e97d740fc093a6ff94846af29c35b9b0
--- /dev/null
+++ b/data/super_glue_copa_more_likely_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 62,
+  "inputs_tokens": 42074,
+  "targets_max_tokens": 15,
+  "targets_tokens": 7073
+}
diff --git a/data/super_glue_copa_more_likely_score_eval/stats.train.json b/data/super_glue_copa_more_likely_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..96326e0c3f3cc198b4a6788304dc281a39da7a47
--- /dev/null
+++ b/data/super_glue_copa_more_likely_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 800,
+  "inputs_max_tokens": 58,
+  "inputs_tokens": 34066,
+  "targets_max_tokens": 16,
+  "targets_tokens": 5765
+}
diff --git a/data/super_glue_copa_more_likely_score_eval/stats.validation.json b/data/super_glue_copa_more_likely_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8fe9e59d2b5c3c32a2e90c6a8d0c059a6896e587
--- /dev/null
+++ b/data/super_glue_copa_more_likely_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 200,
+  "inputs_max_tokens": 58,
+  "inputs_tokens": 8584,
+  "targets_max_tokens": 15,
+  "targets_tokens": 1490
+}
diff --git a/data/super_glue_copa_more_likely_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa_more_likely_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3169f0a2f38dfd7ef16f08e59d64734429d64844
--- /dev/null
+++ b/data/super_glue_copa_more_likely_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:931c2cbee7803515223988c892a95a3492ca99f3fcc4121b11e29e6559c472a1
+size 443759
diff --git a/data/super_glue_copa_more_likely_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa_more_likely_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..68aea602ab1aac60c8688be1632892fe38fc5533
--- /dev/null
+++ b/data/super_glue_copa_more_likely_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0942a1d521403dff27f7b2318ade1dd8b8948a7c298f0f6538f5712ed7bd2977
+size 359323
diff --git a/data/super_glue_copa_more_likely_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_more_likely_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e9830ce3a01418e12f68de21d205ab094d7fd3ee
--- /dev/null
+++ b/data/super_glue_copa_more_likely_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3227e042de8b7e95a44b5eec2f448ac0321a3041c45615fca04f008dd0750130
+size 90485
diff --git a/data/super_glue_copa_plausible_alternatives/COMPLETED b/data/super_glue_copa_plausible_alternatives/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_plausible_alternatives/info.test.json b/data/super_glue_copa_plausible_alternatives/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_plausible_alternatives/info.train.json b/data/super_glue_copa_plausible_alternatives/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_plausible_alternatives/info.validation.json b/data/super_glue_copa_plausible_alternatives/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_plausible_alternatives/stats.test.json b/data/super_glue_copa_plausible_alternatives/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b712fccac884f97220f1ec2bf6e106c2de8b3aa3
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 19537,
+  "targets_max_tokens": 7,
+  "targets_tokens": 3500
+}
diff --git a/data/super_glue_copa_plausible_alternatives/stats.train.json b/data/super_glue_copa_plausible_alternatives/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..db21c766f960eea2f2ba1aae11274baf5e60dd9c
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 400,
+  "inputs_max_tokens": 54,
+  "inputs_tokens": 15837,
+  "targets_max_tokens": 16,
+  "targets_tokens": 2872
+}
diff --git a/data/super_glue_copa_plausible_alternatives/stats.validation.json b/data/super_glue_copa_plausible_alternatives/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..98fac9b65b3a10ef065f9d57da3fca0de13a3ba4
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100,
+  "inputs_max_tokens": 54,
+  "inputs_tokens": 3988,
+  "targets_max_tokens": 13,
+  "targets_tokens": 730
+}
diff --git a/data/super_glue_copa_plausible_alternatives/test.tfrecord-00000-of-00001 b/data/super_glue_copa_plausible_alternatives/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5c8eb74f7249211823339bc2e795d643c191cb61
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3360f63daf999dc5ec8ee7e83233d32664b3d24e283a3b5f111d1a7da95a418b
+size 217075
diff --git a/data/super_glue_copa_plausible_alternatives/train.tfrecord-00000-of-00001 b/data/super_glue_copa_plausible_alternatives/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..62d836e9b6d4a60c233dffaa11d52c3b5953e8f0
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ff773160c1edc84385b911f5f6bd9d06a16ab7a17f80e9bc38a40872e8c6c2e6
+size 182715
diff --git a/data/super_glue_copa_plausible_alternatives/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_plausible_alternatives/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..775eaa6e5e0b724a39d4a49d39704702c686086e
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:884c71034390120a30a713ec0ba12ed45b93feea2a9575cfd2421b10c316944b
+size 46260
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/COMPLETED b/data/super_glue_copa_plausible_alternatives_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/info.test.json b/data/super_glue_copa_plausible_alternatives_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/info.train.json b/data/super_glue_copa_plausible_alternatives_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/info.validation.json b/data/super_glue_copa_plausible_alternatives_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/stats.test.json b/data/super_glue_copa_plausible_alternatives_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0faa20e31dd241d45659b00b539d2c8bcc1c7d1e
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1000,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 39074,
+  "targets_max_tokens": 15,
+  "targets_tokens": 7073
+}
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/stats.train.json b/data/super_glue_copa_plausible_alternatives_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..dc5ff06e9cc9b404b583502941be72bb0006d82e
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 800,
+  "inputs_max_tokens": 54,
+  "inputs_tokens": 31674,
+  "targets_max_tokens": 16,
+  "targets_tokens": 5765
+}
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/stats.validation.json b/data/super_glue_copa_plausible_alternatives_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c194aa2a245c632699897fc5c32668d394c03ccd
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 200,
+  "inputs_max_tokens": 54,
+  "inputs_tokens": 7976,
+  "targets_max_tokens": 15,
+  "targets_tokens": 1490
+}
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_copa_plausible_alternatives_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f2ba601f976b4b6380932c6a2eb5d50bc5aadaa3
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f34e6cababc85bd5bc45d672d5c0bbb8d55e5332e5b2718304d0baf6e57be8ba
+size 427163
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_copa_plausible_alternatives_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..11d6f88fe10e55f066a65b5c810db7f1a960ae32
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4e9f66eca1259d04d9e16429ede835e7ba102c167ff4e8c67d4e6a36f1d3fbbb
+size 346003
diff --git a/data/super_glue_copa_plausible_alternatives_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_copa_plausible_alternatives_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7831eac9285b29057d6711e8bb6ae33a8ed49204
--- /dev/null
+++ b/data/super_glue_copa_plausible_alternatives_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1c4d7e27e236bd5966a3e157f526957399eea1e7cb40088cca3f8e44fd925cfb
+size 87181
diff --git a/data/super_glue_multirc_I_was_going_to_say_/COMPLETED b/data/super_glue_multirc_I_was_going_to_say_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_I_was_going_to_say_/info.test.json b/data/super_glue_multirc_I_was_going_to_say_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_I_was_going_to_say_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_I_was_going_to_say_/info.train.json b/data/super_glue_multirc_I_was_going_to_say_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_I_was_going_to_say_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_I_was_going_to_say_/info.validation.json b/data/super_glue_multirc_I_was_going_to_say_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_I_was_going_to_say_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_I_was_going_to_say_/stats.test.json b/data/super_glue_multirc_I_was_going_to_say_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ff269886063dbb361407ebb55de3bf705215a5a0
--- /dev/null
+++ b/data/super_glue_multirc_I_was_going_to_say_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 625,
+  "inputs_tokens": 3500041,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_I_was_going_to_say_/stats.train.json b/data/super_glue_multirc_I_was_going_to_say_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0a025d3f5feda48bd19852ae035ff86e22b8acf1
--- /dev/null
+++ b/data/super_glue_multirc_I_was_going_to_say_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 683,
+  "inputs_tokens": 10506949,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_I_was_going_to_say_/stats.validation.json b/data/super_glue_multirc_I_was_going_to_say_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ecd55c5711cb700f31d57f3c7a0443b1b6688fd4
--- /dev/null
+++ b/data/super_glue_multirc_I_was_going_to_say_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 629,
+  "inputs_tokens": 1852049,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_I_was_going_to_say_/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_I_was_going_to_say_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c53c1f84425a137011baf13f8e371596fafc2269
--- /dev/null
+++ b/data/super_glue_multirc_I_was_going_to_say_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:341c336f8b005ff6d4e3af93209063fe4f312c3dcfd7905d62dc58eff34de10c
+size 21690922
diff --git a/data/super_glue_multirc_I_was_going_to_say_/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_I_was_going_to_say_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f23eb9e85ba8e230fb986a21a5b3fd35adaa392b
--- /dev/null
+++ b/data/super_glue_multirc_I_was_going_to_say_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dbb5ed352ff3c7921cb3f11951a7d88d13f77450bf5cfefeb833e324a8892ec6
+size 64723531
diff --git a/data/super_glue_multirc_I_was_going_to_say_/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_I_was_going_to_say_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5ed690f0cbfc86ebe9d4f79be5137e6606a8edea
--- /dev/null
+++ b/data/super_glue_multirc_I_was_going_to_say_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0773e659c288339741bf526548d9957b47b98695fbd1518f677f8f084c924ad8
+size 11264882
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/COMPLETED b/data/super_glue_multirc_Would_it_be_good_to_answer_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/info.test.json b/data/super_glue_multirc_Would_it_be_good_to_answer_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_Would_it_be_good_to_answer_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/info.train.json b/data/super_glue_multirc_Would_it_be_good_to_answer_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_Would_it_be_good_to_answer_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/info.validation.json b/data/super_glue_multirc_Would_it_be_good_to_answer_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_Would_it_be_good_to_answer_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/stats.test.json b/data/super_glue_multirc_Would_it_be_good_to_answer_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..49445fa1c906435dccbe9225c53bbce21f5f1e5c
--- /dev/null
+++ b/data/super_glue_multirc_Would_it_be_good_to_answer_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 622,
+  "inputs_tokens": 3470864,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/stats.train.json b/data/super_glue_multirc_Would_it_be_good_to_answer_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5af78d33bf2e72ef207f7599650bdfdf82a45797
--- /dev/null
+++ b/data/super_glue_multirc_Would_it_be_good_to_answer_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 680,
+  "inputs_tokens": 10424821,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/stats.validation.json b/data/super_glue_multirc_Would_it_be_good_to_answer_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ba261a100e1e1390b7bf4ca952d05a145d7e7b39
--- /dev/null
+++ b/data/super_glue_multirc_Would_it_be_good_to_answer_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 626,
+  "inputs_tokens": 1837415,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_Would_it_be_good_to_answer_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..35861d72879a11ef3e8c5f2750b5ec907d58aa50
--- /dev/null
+++ b/data/super_glue_multirc_Would_it_be_good_to_answer_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eab4d11ce82743951ac481295b219b2daf8f132cc8a75e9bf41eeb45927ca9ab
+size 21487372
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_Would_it_be_good_to_answer_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..39a5a7167405a113f383675b4e9e7d7a1494bf78
--- /dev/null
+++ b/data/super_glue_multirc_Would_it_be_good_to_answer_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1ba3ffd7a469a7fcfa66aadbcddad54e8a4158f678c9ed9cf8441607826f8cdb
+size 64151446
diff --git a/data/super_glue_multirc_Would_it_be_good_to_answer_/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_Would_it_be_good_to_answer_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b17be6663128ea5ee9c91db79cd4cd186daf2af4
--- /dev/null
+++ b/data/super_glue_multirc_Would_it_be_good_to_answer_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:94605132475ccc20b037d5fffa4ce55c220cdd17b79754860302247cb4324833
+size 11163074
diff --git a/data/super_glue_multirc_confirm/COMPLETED b/data/super_glue_multirc_confirm/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_confirm/info.test.json b/data/super_glue_multirc_confirm/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_confirm/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_confirm/info.train.json b/data/super_glue_multirc_confirm/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_confirm/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_confirm/info.validation.json b/data/super_glue_multirc_confirm/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_confirm/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_confirm/stats.test.json b/data/super_glue_multirc_confirm/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e2b94b30f2ecc88254183b0c3d61447e04c4adcc
--- /dev/null
+++ b/data/super_glue_multirc_confirm/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 633,
+  "inputs_tokens": 3577487,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_confirm/stats.train.json b/data/super_glue_multirc_confirm/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fd1342c228dccee089703233e454e981f0db1d37
--- /dev/null
+++ b/data/super_glue_multirc_confirm/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 691,
+  "inputs_tokens": 10724494,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_confirm/stats.validation.json b/data/super_glue_multirc_confirm/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..db3b309688e46ea49c8db6d92d584d599055159c
--- /dev/null
+++ b/data/super_glue_multirc_confirm/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 637,
+  "inputs_tokens": 1890743,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_confirm/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_confirm/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f7c934b36c0f295f025456c5b22096ebea731276
--- /dev/null
+++ b/data/super_glue_multirc_confirm/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b06d6d60b6fa89dcc8987f6ae3509be8c2997a0f84becfc2e9f2fd9a567c0aef
+size 22020487
diff --git a/data/super_glue_multirc_confirm/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_confirm/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8127b36f00b17cb439088c62a51e2de61fc06a52
--- /dev/null
+++ b/data/super_glue_multirc_confirm/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:15b583d03ca7d89e434350283796ee5e1072e2b91d9c2498bddf171fa69cd3ec
+size 65649811
diff --git a/data/super_glue_multirc_confirm/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_confirm/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..01802c31fdafad14fdc598f011d9637777a45270
--- /dev/null
+++ b/data/super_glue_multirc_confirm/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dc9e9efb3d0cab821631c7a6380d38c85f4dc3c121668e1a4e0864b549bcfa1f
+size 11429714
diff --git a/data/super_glue_multirc_correct/COMPLETED b/data/super_glue_multirc_correct/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_correct/info.test.json b/data/super_glue_multirc_correct/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_correct/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_correct/info.train.json b/data/super_glue_multirc_correct/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_correct/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_correct/info.validation.json b/data/super_glue_multirc_correct/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_correct/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_correct/stats.test.json b/data/super_glue_multirc_correct/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..acefb45200de95051df25393355fdd41ac2f7279
--- /dev/null
+++ b/data/super_glue_multirc_correct/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 635,
+  "inputs_tokens": 3596873,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_correct/stats.train.json b/data/super_glue_multirc_correct/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..292b0a2aa9269c1c168e802a00781901bd59222a
--- /dev/null
+++ b/data/super_glue_multirc_correct/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 693,
+  "inputs_tokens": 10778980,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_correct/stats.validation.json b/data/super_glue_multirc_correct/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..eeb8149250c9b9800d04128ab73a48c7a3c2bd30
--- /dev/null
+++ b/data/super_glue_multirc_correct/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 639,
+  "inputs_tokens": 1900439,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_correct/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_correct/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b101394b32eabf856963c290a1c48d2394050907
--- /dev/null
+++ b/data/super_glue_multirc_correct/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5e8012be8b2465cfbfe4cca5388bf2c8cf823657e2da7e36dd839b7f7fcc89ba
+size 22206414
diff --git a/data/super_glue_multirc_correct/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_correct/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f5cc6dc0be1ce64f127eca60b7d3ce3261a43479
--- /dev/null
+++ b/data/super_glue_multirc_correct/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7f65f7b50498c6aa370a2859aa089aef98978a4804d950b12e68b0a5c392a36b
+size 66175360
diff --git a/data/super_glue_multirc_correct/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_correct/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..08438506d4cbfff34f873fabe65e132f5f94ca65
--- /dev/null
+++ b/data/super_glue_multirc_correct/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3ce334b0dc2279beaed1e6c31824ee81f30ca2783f4fb2ba7d5ceb8e85167721
+size 11522765
diff --git a/data/super_glue_multirc_decide_valid/COMPLETED b/data/super_glue_multirc_decide_valid/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_decide_valid/info.test.json b/data/super_glue_multirc_decide_valid/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_decide_valid/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_decide_valid/info.train.json b/data/super_glue_multirc_decide_valid/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_decide_valid/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_decide_valid/info.validation.json b/data/super_glue_multirc_decide_valid/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_decide_valid/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_decide_valid/stats.test.json b/data/super_glue_multirc_decide_valid/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e2b94b30f2ecc88254183b0c3d61447e04c4adcc
--- /dev/null
+++ b/data/super_glue_multirc_decide_valid/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 633,
+  "inputs_tokens": 3577487,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_decide_valid/stats.train.json b/data/super_glue_multirc_decide_valid/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fd1342c228dccee089703233e454e981f0db1d37
--- /dev/null
+++ b/data/super_glue_multirc_decide_valid/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 691,
+  "inputs_tokens": 10724494,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_decide_valid/stats.validation.json b/data/super_glue_multirc_decide_valid/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..db3b309688e46ea49c8db6d92d584d599055159c
--- /dev/null
+++ b/data/super_glue_multirc_decide_valid/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 637,
+  "inputs_tokens": 1890743,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_decide_valid/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_decide_valid/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..39059a195b81acf1942390910e7d64fefe7a2f05
--- /dev/null
+++ b/data/super_glue_multirc_decide_valid/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:855773e37aa2da1cc1259d98c7a07dc17546ad784f9075280ef5d20b273224d7
+size 22146496
diff --git a/data/super_glue_multirc_decide_valid/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_decide_valid/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..48f573cfadbd71e0fb58caca7ae5d65a44bc302d
--- /dev/null
+++ b/data/super_glue_multirc_decide_valid/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ed1091ea378fc68571829f595beeb1e27ae0f7b314ada6d0d645105fca97732a
+size 66003970
diff --git a/data/super_glue_multirc_decide_valid/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_decide_valid/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..91ad308ef7a25fe512ccf12ce1bd5b2b4c892b77
--- /dev/null
+++ b/data/super_glue_multirc_decide_valid/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:00944f0dde3380d04264777b826baa702194dda886fda04d088c4a051a5fefb6
+size 11492738
diff --git a/data/super_glue_multirc_found_this_answer/COMPLETED b/data/super_glue_multirc_found_this_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_found_this_answer/info.test.json b/data/super_glue_multirc_found_this_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_found_this_answer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_found_this_answer/info.train.json b/data/super_glue_multirc_found_this_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_found_this_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_found_this_answer/info.validation.json b/data/super_glue_multirc_found_this_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_found_this_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_found_this_answer/stats.test.json b/data/super_glue_multirc_found_this_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..81ce4750a9067eaf881801324a36768d1e9895fe
--- /dev/null
+++ b/data/super_glue_multirc_found_this_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 630,
+  "inputs_tokens": 3548506,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_found_this_answer/stats.train.json b/data/super_glue_multirc_found_this_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8061e2b66d6bca0f1ac93911f741bec1d4240bf4
--- /dev/null
+++ b/data/super_glue_multirc_found_this_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 688,
+  "inputs_tokens": 10643164,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_found_this_answer/stats.validation.json b/data/super_glue_multirc_found_this_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4f4604f765244a0095cd383d3abf7291e34eee00
--- /dev/null
+++ b/data/super_glue_multirc_found_this_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 634,
+  "inputs_tokens": 1876289,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_found_this_answer/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_found_this_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..127367d1748f97711d1c311d1aa002e8c7a0779d
--- /dev/null
+++ b/data/super_glue_multirc_found_this_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1ff58bfcdd087db5df6f99d71fd79c76f8916da2a2fd97cbf887d8a48d911696
+size 21904168
diff --git a/data/super_glue_multirc_found_this_answer/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_found_this_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fd2698fcf5204384f9adfc04d716e47372352d75
--- /dev/null
+++ b/data/super_glue_multirc_found_this_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:89a19469ddf725b2979fb1b2594c5d426d8e31904447d4373c420a2b3f021f1f
+size 65322877
diff --git a/data/super_glue_multirc_found_this_answer/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_found_this_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..86995ba165569771e1592c2b9b86f0e6188c3fb4
--- /dev/null
+++ b/data/super_glue_multirc_found_this_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:efc27017f14bfddf66e498b6479937f72052a517e39b0d6d5bc46c7282bc49bc
+size 11371538
diff --git a/data/super_glue_multirc_grading/COMPLETED b/data/super_glue_multirc_grading/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_grading/info.test.json b/data/super_glue_multirc_grading/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_grading/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_grading/info.train.json b/data/super_glue_multirc_grading/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_grading/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_grading/info.validation.json b/data/super_glue_multirc_grading/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_grading/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_grading/stats.test.json b/data/super_glue_multirc_grading/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e2b94b30f2ecc88254183b0c3d61447e04c4adcc
--- /dev/null
+++ b/data/super_glue_multirc_grading/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 633,
+  "inputs_tokens": 3577487,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_grading/stats.train.json b/data/super_glue_multirc_grading/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fd1342c228dccee089703233e454e981f0db1d37
--- /dev/null
+++ b/data/super_glue_multirc_grading/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 691,
+  "inputs_tokens": 10724494,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_grading/stats.validation.json b/data/super_glue_multirc_grading/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..db3b309688e46ea49c8db6d92d584d599055159c
--- /dev/null
+++ b/data/super_glue_multirc_grading/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 637,
+  "inputs_tokens": 1890743,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_grading/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_grading/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..07122693007471d64496ad2f81f14bb385987bbc
--- /dev/null
+++ b/data/super_glue_multirc_grading/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f0eb66d7d130ba94c17dc65b9453987c72c3131058dfab446985a11fd4396784
+size 22039873
diff --git a/data/super_glue_multirc_grading/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_grading/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..39963f3e26fe3ded62dda0cd58ad9920689e868e
--- /dev/null
+++ b/data/super_glue_multirc_grading/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:02e7553f30ee209cac7355fbc0f65ea2739af31274202668f90cb03c5eee0626
+size 65704297
diff --git a/data/super_glue_multirc_grading/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_grading/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..98a3eca1b7ab748dd46256eee2e7628e1da25aec
--- /dev/null
+++ b/data/super_glue_multirc_grading/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:da1f3bd270fb6e7faa525733f650b4c186ab8eb61fb9569f56a2525c58236aa6
+size 11439410
diff --git a/data/super_glue_multirc_is_a_correct_answer_/COMPLETED b/data/super_glue_multirc_is_a_correct_answer_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_is_a_correct_answer_/info.test.json b/data/super_glue_multirc_is_a_correct_answer_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_is_a_correct_answer_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_is_a_correct_answer_/info.train.json b/data/super_glue_multirc_is_a_correct_answer_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_is_a_correct_answer_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_is_a_correct_answer_/info.validation.json b/data/super_glue_multirc_is_a_correct_answer_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_is_a_correct_answer_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_is_a_correct_answer_/stats.test.json b/data/super_glue_multirc_is_a_correct_answer_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..60f9b2bf5bfea1b5d307e510d65b959d4430d60e
--- /dev/null
+++ b/data/super_glue_multirc_is_a_correct_answer_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 628,
+  "inputs_tokens": 3529022,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_is_a_correct_answer_/stats.train.json b/data/super_glue_multirc_is_a_correct_answer_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d67d771684bc66a10908b1b8e9a7065ea2be0e73
--- /dev/null
+++ b/data/super_glue_multirc_is_a_correct_answer_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 686,
+  "inputs_tokens": 10588279,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_is_a_correct_answer_/stats.validation.json b/data/super_glue_multirc_is_a_correct_answer_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2462883cf8013e48b3bf5be3249d9135e92ea800
--- /dev/null
+++ b/data/super_glue_multirc_is_a_correct_answer_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 632,
+  "inputs_tokens": 1866503,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_is_a_correct_answer_/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_is_a_correct_answer_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5fcdcfa6dfe8f4a0138d66aaf5e2b224787ea15f
--- /dev/null
+++ b/data/super_glue_multirc_is_a_correct_answer_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:58b960ea857da926fdac6acb1cd38f75c45ac34f35963a93e141ae0668f87fae
+size 21797548
diff --git a/data/super_glue_multirc_is_a_correct_answer_/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_is_a_correct_answer_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..10b149d9599a0694bb05dcf5b8a14a0dbf77ef1f
--- /dev/null
+++ b/data/super_glue_multirc_is_a_correct_answer_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:937f75253c86cc8cc1689f58fa5a0143d87d16f77d6db153ecd7b218e28e8c87
+size 65023222
diff --git a/data/super_glue_multirc_is_a_correct_answer_/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_is_a_correct_answer_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..df2721b079d20346496e51aae79b5a56f51fc0c0
--- /dev/null
+++ b/data/super_glue_multirc_is_a_correct_answer_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:79a3bd625ffe84697964dacbf5a67824d0cca4cbaf57a1512ea295c3ad7cf4e0
+size 11318210
diff --git a/data/super_glue_multirc_is_the_correct_answer_/COMPLETED b/data/super_glue_multirc_is_the_correct_answer_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_is_the_correct_answer_/info.test.json b/data/super_glue_multirc_is_the_correct_answer_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_is_the_correct_answer_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_is_the_correct_answer_/info.train.json b/data/super_glue_multirc_is_the_correct_answer_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_is_the_correct_answer_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_is_the_correct_answer_/info.validation.json b/data/super_glue_multirc_is_the_correct_answer_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_is_the_correct_answer_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_is_the_correct_answer_/stats.test.json b/data/super_glue_multirc_is_the_correct_answer_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d9fa948770e2cac372a530769d32d892501284db
--- /dev/null
+++ b/data/super_glue_multirc_is_the_correct_answer_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 622,
+  "inputs_tokens": 3454562,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_is_the_correct_answer_/stats.train.json b/data/super_glue_multirc_is_the_correct_answer_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1f1809449bcb11b92580532c7706ea9faf63053c
--- /dev/null
+++ b/data/super_glue_multirc_is_the_correct_answer_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 678,
+  "inputs_tokens": 10378650,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_is_the_correct_answer_/stats.validation.json b/data/super_glue_multirc_is_the_correct_answer_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..af9c11173d98c8ef49ca358e92ab36bf0084838e
--- /dev/null
+++ b/data/super_glue_multirc_is_the_correct_answer_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 625,
+  "inputs_tokens": 1829460,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_is_the_correct_answer_/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_is_the_correct_answer_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3c6acc92ea09e53a02b77a945411ff0e37d890a4
--- /dev/null
+++ b/data/super_glue_multirc_is_the_correct_answer_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:35b022324995e698e8a2b66c7b8e080113a7ee2287917cf07f5182d78f679839
+size 21494895
diff --git a/data/super_glue_multirc_is_the_correct_answer_/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_is_the_correct_answer_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3dc391f11dbfdc3e6f3bb069edc96c24cbec51cc
--- /dev/null
+++ b/data/super_glue_multirc_is_the_correct_answer_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7fd4fe2a27e9c64156c4fca3c6fa36e6e03abf239eb2fd1f005806e9e6b4864e
+size 64171503
diff --git a/data/super_glue_multirc_is_the_correct_answer_/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_is_the_correct_answer_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..41a3abdceb397aed68de9ae476cc08effca33db1
--- /dev/null
+++ b/data/super_glue_multirc_is_the_correct_answer_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eb6955c679db36da21c83fefbaa040bbe4bbaa320784b45561cf80c3d6706d39
+size 11166809
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/COMPLETED b/data/super_glue_multirc_paragraph_question_is_it_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/info.test.json b/data/super_glue_multirc_paragraph_question_is_it_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_paragraph_question_is_it_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/info.train.json b/data/super_glue_multirc_paragraph_question_is_it_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_paragraph_question_is_it_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/info.validation.json b/data/super_glue_multirc_paragraph_question_is_it_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_multirc_paragraph_question_is_it_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/stats.test.json b/data/super_glue_multirc_paragraph_question_is_it_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0789e37e58a168e89ec5c217a9d65350a1b50e65
--- /dev/null
+++ b/data/super_glue_multirc_paragraph_question_is_it_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9693,
+  "inputs_max_tokens": 620,
+  "inputs_tokens": 3435176,
+  "targets_max_tokens": 7,
+  "targets_tokens": 67851
+}
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/stats.train.json b/data/super_glue_multirc_paragraph_question_is_it_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..708cf4dbdf96b31a1823a97e4597c3488fc3a071
--- /dev/null
+++ b/data/super_glue_multirc_paragraph_question_is_it_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 27243,
+  "inputs_max_tokens": 676,
+  "inputs_tokens": 10324164,
+  "targets_max_tokens": 1,
+  "targets_tokens": 27243
+}
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/stats.validation.json b/data/super_glue_multirc_paragraph_question_is_it_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..cbb63c9518aa0c672f9b34fdc950312682fbb9a9
--- /dev/null
+++ b/data/super_glue_multirc_paragraph_question_is_it_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4848,
+  "inputs_max_tokens": 623,
+  "inputs_tokens": 1819764,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4848
+}
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/test.tfrecord-00000-of-00001 b/data/super_glue_multirc_paragraph_question_is_it_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c47fca44f4c48f92c9ee13ba6a269972b9c31cdc
--- /dev/null
+++ b/data/super_glue_multirc_paragraph_question_is_it_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c9b5421b1e3b844444b635d5386e961cf1f7296c2aa371899161aa5b5ef47fef
+size 21301035
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/train.tfrecord-00000-of-00001 b/data/super_glue_multirc_paragraph_question_is_it_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4b2849592c2839d17db218b923daff3afc21cfab
--- /dev/null
+++ b/data/super_glue_multirc_paragraph_question_is_it_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c37dbbd199e8d0eba870370960b92eab7e8cdee411edaf311d9c27224374a24
+size 63626643
diff --git a/data/super_glue_multirc_paragraph_question_is_it_/validation.tfrecord-00000-of-00001 b/data/super_glue_multirc_paragraph_question_is_it_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1e982d124b0bfaf21416895713a05a6ce4a20c12
--- /dev/null
+++ b/data/super_glue_multirc_paragraph_question_is_it_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0b1505843638a3474e35e917887b1024a2da7546275bd85f4cc28565ca058c39
+size 11069849
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/COMPLETED b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/info.test.json b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/info.train.json b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/info.validation.json b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/stats.test.json b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..70ec8283fd6ebea63ae8a37b83b703efc468c4da
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 655,
+  "inputs_tokens": 2621565,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/stats.train.json b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d7924056fc6d786d145415b28ff5bab2c6278e8
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 1007,
+  "inputs_tokens": 27209141,
+  "targets_max_tokens": 144,
+  "targets_tokens": 3050362
+}
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/stats.validation.json b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a4217154715026604079172564a36aafd1a6d339
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 673,
+  "inputs_tokens": 2629089,
+  "targets_max_tokens": 113,
+  "targets_tokens": 316547
+}
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b1d63ec0d86d8907466f53e9708f02d9479c4d01
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:74855e5b4b4fd53e57bb03b5c0ce19ce75983db08bd4b83aaf96b064d585093d
+size 32109329
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6033877b5eb6eece490585b6c3f67eb1271e07d9
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:de3fbd4c533a99bf57943f96b8bd1a3e9c3c18bb090d878e32fe9d83e29f5bdb
+size 343000647
diff --git a/data/super_glue_record_Add_sentence_after_after_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..74446ae37cc2c5246ecee16f50b5b834f9267920
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_after_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:252de55a0a0dd3249c05425de5ec45660909768672f0f55be036add18ea2ecc1
+size 33898126
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/COMPLETED b/data/super_glue_record_Add_sentence_after_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/info.test.json b/data/super_glue_record_Add_sentence_after_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/info.train.json b/data/super_glue_record_Add_sentence_after_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/info.validation.json b/data/super_glue_record_Add_sentence_after_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/stats.test.json b/data/super_glue_record_Add_sentence_after_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a050743491d1c24a67537bfbb60292d03f273fe7
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 493,
+  "inputs_tokens": 2511414,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/stats.train.json b/data/super_glue_record_Add_sentence_after_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a74fdaf3c3fd1d4db63449f01d6876c1fbb022a2
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 702,
+  "inputs_tokens": 26097587,
+  "targets_max_tokens": 144,
+  "targets_tokens": 3050609
+}
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/stats.validation.json b/data/super_glue_record_Add_sentence_after_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..085a74a4963f4e2798f4439f2c21b41fdf89c5ca
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 520,
+  "inputs_tokens": 2518805,
+  "targets_max_tokens": 113,
+  "targets_tokens": 316547
+}
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_Add_sentence_after_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4ecd0534d3eac5db8da10affef2cc73aec696b30
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:42cf9c3b0f9639910298530bbf06eae51ad3336b43784a29fe89d78968b6d282
+size 31608384
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_Add_sentence_after_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88807897ec852510d305428db6677fbc335c7690
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3e820f0beba10483991fa642857471f0b0a6a4b172e4c7f741599148ffa26f6f
+size 337947320
diff --git a/data/super_glue_record_Add_sentence_after_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_Add_sentence_after_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..393d3791350dca7ae7a722d6cbcf9653c6320b34
--- /dev/null
+++ b/data/super_glue_record_Add_sentence_after_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0b4f905d1c669c09bf92c9c2b8942af3858a256f14012b36ba20806ac35e0ea5
+size 33396400
diff --git a/data/super_glue_record_Can_you_figure_out_/COMPLETED b/data/super_glue_record_Can_you_figure_out_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_Can_you_figure_out_/info.test.json b/data/super_glue_record_Can_you_figure_out_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_Can_you_figure_out_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_Can_you_figure_out_/info.train.json b/data/super_glue_record_Can_you_figure_out_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_Can_you_figure_out_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_Can_you_figure_out_/info.validation.json b/data/super_glue_record_Can_you_figure_out_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_Can_you_figure_out_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_Can_you_figure_out_/stats.test.json b/data/super_glue_record_Can_you_figure_out_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..14bbac759a8d5ddd2bff22e1be03d95d4b707769
--- /dev/null
+++ b/data/super_glue_record_Can_you_figure_out_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 547,
+  "inputs_tokens": 2898731,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_Can_you_figure_out_/stats.train.json b/data/super_glue_record_Can_you_figure_out_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..70798a750167a2ee801a292cbba172b1944af7c5
--- /dev/null
+++ b/data/super_glue_record_Can_you_figure_out_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 686,
+  "inputs_tokens": 29887139,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254463
+}
diff --git a/data/super_glue_record_Can_you_figure_out_/stats.validation.json b/data/super_glue_record_Can_you_figure_out_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..e2ff9b9fe2b2ebd820a1a7be147af9aefdfb91ef
--- /dev/null
+++ b/data/super_glue_record_Can_you_figure_out_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 531,
+  "inputs_tokens": 2905453,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24368
+}
diff --git a/data/super_glue_record_Can_you_figure_out_/test.tfrecord-00000-of-00001 b/data/super_glue_record_Can_you_figure_out_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..35b9ebf890f4359ae52281dd52ce63f7dd061210
--- /dev/null
+++ b/data/super_glue_record_Can_you_figure_out_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e4e36c5ae9bf634023fd657ede818da52506fe7e3524fd9384b3374934825cd8
+size 19879185
diff --git a/data/super_glue_record_Can_you_figure_out_/train.tfrecord-00000-of-00001 b/data/super_glue_record_Can_you_figure_out_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d43c35a376730252ab30a9b16c41e05ebcf7a443
--- /dev/null
+++ b/data/super_glue_record_Can_you_figure_out_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c63638ea58501296b0aaa7dfb9cfe8b62594d7d718e85680c02fef96e77956e4
+size 203223458
diff --git a/data/super_glue_record_Can_you_figure_out_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_Can_you_figure_out_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..92d5daf0fd3e64fe7a32238125c269507631247d
--- /dev/null
+++ b/data/super_glue_record_Can_you_figure_out_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9ecf4f07daaa74f34e877121f4531ed174fde9090e576a11345def291dab24d6
+size 19845868
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/COMPLETED b/data/super_glue_record_GPT_3_style_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/info.test.json b/data/super_glue_record_GPT_3_style_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/info.train.json b/data/super_glue_record_GPT_3_style_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/info.validation.json b/data/super_glue_record_GPT_3_style_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/stats.test.json b/data/super_glue_record_GPT_3_style_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..075ab2a6077d94e29742dc8b7354c617221a0795
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 480,
+  "inputs_tokens": 2381414,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/stats.train.json b/data/super_glue_record_GPT_3_style_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d029ef79af3638d13461c3135273199812bf609b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 689,
+  "inputs_tokens": 24788097,
+  "targets_max_tokens": 146,
+  "targets_tokens": 3251719
+}
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/stats.validation.json b/data/super_glue_record_GPT_3_style_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6c9e784877aa9b71599f59f4a3199d6270c685b6
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 507,
+  "inputs_tokens": 2388805,
+  "targets_max_tokens": 115,
+  "targets_tokens": 336573
+}
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fa5159519f41e52d261ff9a46f45ac1ef0bb778e
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fb73d1e46d8fc000d7e2e4a0082628d2b6b5dcf444aa6b2a927462bebb740fc6
+size 30994203
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ed28d953a472574a6a7dc337598842542174b1ef
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72a45b1ce1b7b7d094154d54455f01bd8e08205cf62f206616fd5f84c10a5259
+size 332268565
diff --git a/data/super_glue_record_GPT_3_style_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f3cb05a263fbf1526a5c206994bb55b1b99b5aa6
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1972c6047671ab43ef5d8a4f209816ff42a61707e4c952d07495e556b888920f
+size 32825658
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/COMPLETED b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/info.test.json b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/info.train.json b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/info.validation.json b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/stats.test.json b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e3a898480f480383afa44a58fb0a1ab43d21d660
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 633,
+  "inputs_tokens": 2401565,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/stats.train.json b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..99eb63983616ca2aa1a19b5558de08b5370e0e12
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 985,
+  "inputs_tokens": 24993081,
+  "targets_max_tokens": 146,
+  "targets_tokens": 3251719
+}
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/stats.validation.json b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d99a591a7e7dfe0dd75ed953eef65f1aee9efb70
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 651,
+  "inputs_tokens": 2409089,
+  "targets_max_tokens": 115,
+  "targets_tokens": 336547
+}
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..90af5cf6a6019fa86963307e8664fc6b660e7bfe
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b3802804fe42577c3c8ff3c4480ca3b3484281ec323b78dd7a77498580179a66
+size 31145148
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0f2a0a75680df92fa2b85a600e59c80a6852aebd
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7f3bc1d9eb8f9c43c94abb6a59c4be57f8182103bce2fbd44559baaae81db6ce
+size 333798565
diff --git a/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fa91eb4de7f42c002e5ba9f78c7b43eb535c0da7
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_summary_only_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0739360fb75449b7a7eccc92b2ca183a33cfcc62a819c0789dd2d5ddd0fcbc36
+size 32976855
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/COMPLETED b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/info.test.json b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/info.train.json b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/info.validation.json b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/stats.test.json b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ea311da7d7fccee904e2e34680155451b2fe3dd
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 636,
+  "inputs_tokens": 2431565,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/stats.train.json b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..50fed8487cdf650f8173ed82b0c03c3478a50cdb
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 988,
+  "inputs_tokens": 25295271,
+  "targets_max_tokens": 143,
+  "targets_tokens": 3251487
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/stats.validation.json b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a439d05dffb07c89e543a4e29203f9de74321ea9
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 654,
+  "inputs_tokens": 2439089,
+  "targets_max_tokens": 115,
+  "targets_tokens": 336537
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a6ded07ff19cfdf21966b9ea2330c57793cfdf16
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c7a5447cad3487adf32fdd3d006961fd174f7c358066ccc52870c239732ee5b2
+size 31315148
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c5c295210bdd7b81959200dc678c3ce2df795674
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:90f1f06d7b8d15c901bc49f52ad9680cbf583336cbf6597136e771a25bdfb19e
+size 335510802
diff --git a/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4d25d05f2c92a9eddb6978f9b59ce1894918ea84
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:502ff7c8b2162452648b19e59361d8c5c59791fda353572972f3af1cd2a0476a
+size 33146792
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/COMPLETED b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/info.test.json b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/info.train.json b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/info.validation.json b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/stats.test.json b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1c77f5265c7ff5e78ee1d176ea0e071d838ed67f
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 582,
+  "inputs_tokens": 2361339,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/stats.train.json b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0164e7acf7048b84a7c683685ca52df9a178fa69
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 953,
+  "inputs_tokens": 24507285,
+  "targets_max_tokens": 141,
+  "targets_tokens": 3050619
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/stats.validation.json b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4c20b4d53b6d80623b17667b337264f2574fc124
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 628,
+  "inputs_tokens": 2369027,
+  "targets_max_tokens": 113,
+  "targets_tokens": 316547
+}
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8316a8013be8c4966e255d33be74744313952ac9
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6c88184788cabac2471bfe3d153636eef0c6a3ae7f7bf37bd7b2b0cdfbdfcd7b
+size 30948942
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..10b363a1b4d4d3d6204019d4d240b311dc5f09fe
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9e654c7e222fa0a71165fec3ba93c0c0a80b841dbf719c9e4219e39e7eee6f17
+size 331152379
diff --git a/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..20062030858a6581b08c45acf5e1d123c604b684
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9d97ba774a3dfaa6abf8885b38f0430a4d0dbfdb093039f36703d33a5110e8e7
+size 32738070
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/COMPLETED b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/info.test.json b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/info.train.json b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/info.validation.json b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/stats.test.json b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ed9b9e6aed6d0de0e123e28fd894b4cbfc88193
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 445,
+  "inputs_tokens": 2311203,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/stats.train.json b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c61dba6091b9cfa6c98d37a7913aae6e5521a9ce
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 666,
+  "inputs_tokens": 24000433,
+  "targets_max_tokens": 144,
+  "targets_tokens": 3050894
+}
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/stats.validation.json b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f21d2ac9f7cf974c92fc878b13f6732c5544877
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 486,
+  "inputs_tokens": 2318753,
+  "targets_max_tokens": 113,
+  "targets_tokens": 316579
+}
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..928c8fbfdb2ea36bd8134b2ed4779b347c6f2d5d
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6e8b4e46b235c8ed6526655c35aec83e501332e13bb23d9a58f6f5fe3db5b762
+size 30628013
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4520d7f979432a19aa19e59088f5c967389d4cf8
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:21c37fd62cb9bc6fecb2053dd5e62039d79441ebf4090db74cd1202a58306a10
+size 327911411
diff --git a/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1a6e456366c0a1d68c634e2f1f8cf7c9189c2976
--- /dev/null
+++ b/data/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:30c2287cc281523be97317df12e9b8406a1aa979d4d2c1064ce6893ec795dbc8
+size 32416619
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/COMPLETED b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/info.test.json b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/info.train.json b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/info.validation.json b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/stats.test.json b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1ab9e7eee5139dd9ba078dbc6331c74ffde0b4d5
--- /dev/null
+++ b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 544,
+  "inputs_tokens": 2868731,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/stats.train.json b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f39e9d3b408c5b99921efef23bf83c4462df5ec6
--- /dev/null
+++ b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 683,
+  "inputs_tokens": 29584949,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254796
+}
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/stats.validation.json b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d7674506428072a0c0ef647966cd4b45099bd630
--- /dev/null
+++ b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 528,
+  "inputs_tokens": 2875453,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24360
+}
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/test.tfrecord-00000-of-00001 b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..44649c9b5aed333e12fd556fb05e886ee34dd5e7
--- /dev/null
+++ b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:85da4c8832cca0baca9576e4f53ef9bf1b2656b239ce980ed49a12d2ee694ea0
+size 19729185
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/train.tfrecord-00000-of-00001 b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eb730174f0287058cee1750b654dab332f647be7
--- /dev/null
+++ b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:39dca31957c09c537838f86cd34fc9e6c225f5be1097560e3997d7fc91eb97ad
+size 201713889
diff --git a/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/validation.tfrecord-00000-of-00001 b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..883e85d09cf00a06d013adb46116c768ffa85a35
--- /dev/null
+++ b/data/super_glue_record_In_the_question_above_the_placeholder_stands_for/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7b332f9391f881083ad053944c039e5d8ee8a386eff04c648ea4d5545c7fd77f
+size 19695808
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/COMPLETED b/data/super_glue_record_New_highlight_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/info.test.json b/data/super_glue_record_New_highlight_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_New_highlight_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/info.train.json b/data/super_glue_record_New_highlight_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_New_highlight_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/info.validation.json b/data/super_glue_record_New_highlight_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_New_highlight_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/stats.test.json b/data/super_glue_record_New_highlight_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2bff0f7a7ce8d8efacc6336f6203905c3352accd
--- /dev/null
+++ b/data/super_glue_record_New_highlight_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 640,
+  "inputs_tokens": 2471565,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/stats.train.json b/data/super_glue_record_New_highlight_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..65f24aa705842a7fc22c0d8e1854bee528630c30
--- /dev/null
+++ b/data/super_glue_record_New_highlight_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 992,
+  "inputs_tokens": 25698191,
+  "targets_max_tokens": 146,
+  "targets_tokens": 3251451
+}
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/stats.validation.json b/data/super_glue_record_New_highlight_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..18d4a04d45bb2182e6b47252e1e75dd9d0932b0a
--- /dev/null
+++ b/data/super_glue_record_New_highlight_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 658,
+  "inputs_tokens": 2479089,
+  "targets_max_tokens": 115,
+  "targets_tokens": 336547
+}
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_New_highlight_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..11ac88a6f54aa02b71ec660dd3eb91a81978c09c
--- /dev/null
+++ b/data/super_glue_record_New_highlight_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f069c8f6266f7b2d6666caaefe0d40efa32a696835bf5db602ac4f41b4d6def9
+size 31685148
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_New_highlight_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0eaf14b01dd8730673b10aaaf526e680d957dace
--- /dev/null
+++ b/data/super_glue_record_New_highlight_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:32dea2f5cc5d1225154e8da4aa0295d39b31aafc2ebf6feede8eb34508b3691a
+size 339237300
diff --git a/data/super_glue_record_New_highlight_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_New_highlight_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..31ed167f52ad45eb3c5a286684c086ee6b3bdb08
--- /dev/null
+++ b/data/super_glue_record_New_highlight_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6b159296c4b8ebedfa5911be7170ee6b3ee90971ff366b719faa8ee3d5145912
+size 33516855
diff --git a/data/super_glue_record_News_article_continuation_choices_/COMPLETED b/data/super_glue_record_News_article_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_News_article_continuation_choices_/info.test.json b/data/super_glue_record_News_article_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_News_article_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_News_article_continuation_choices_/info.train.json b/data/super_glue_record_News_article_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_News_article_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_News_article_continuation_choices_/info.validation.json b/data/super_glue_record_News_article_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_News_article_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_News_article_continuation_choices_/stats.test.json b/data/super_glue_record_News_article_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6181999f09a0da56e4499cb120f7a2d421512657
--- /dev/null
+++ b/data/super_glue_record_News_article_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 495,
+  "inputs_tokens": 2531414,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_News_article_continuation_choices_/stats.train.json b/data/super_glue_record_News_article_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..247922b028ff01898cd71f68abafa91e0950bf2b
--- /dev/null
+++ b/data/super_glue_record_News_article_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 704,
+  "inputs_tokens": 26299047,
+  "targets_max_tokens": 144,
+  "targets_tokens": 3050362
+}
diff --git a/data/super_glue_record_News_article_continuation_choices_/stats.validation.json b/data/super_glue_record_News_article_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b54938365cf6a0dcc86f945cb534f41b2bf925e0
--- /dev/null
+++ b/data/super_glue_record_News_article_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 522,
+  "inputs_tokens": 2538805,
+  "targets_max_tokens": 113,
+  "targets_tokens": 316547
+}
diff --git a/data/super_glue_record_News_article_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_News_article_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..549c2709d161babb0812a91ae061dd6ec85d41c5
--- /dev/null
+++ b/data/super_glue_record_News_article_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:83e5e0318bf1f61966d116c74ffe8911f5419dfc7fccbb693324e263d3fc4cbf
+size 31818384
diff --git a/data/super_glue_record_News_article_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_News_article_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eb62129d1868b9ee674f5069d25bc38309f04241
--- /dev/null
+++ b/data/super_glue_record_News_article_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:be9134abf167ffafde4b6021a99286fd08c7c907691e1c88faa65cf22a736943
+size 340060427
diff --git a/data/super_glue_record_News_article_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_News_article_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..59ad36adc089bb304c99908df0e492fc73079eba
--- /dev/null
+++ b/data/super_glue_record_News_article_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e8ee97583993b8132044ebb47e8c68eae4f1561d55751786fe5f0fcdeba50093
+size 33606400
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/COMPLETED b/data/super_glue_record_Summary_first_continuation_choices_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/info.test.json b/data/super_glue_record_Summary_first_continuation_choices_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_Summary_first_continuation_choices_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/info.train.json b/data/super_glue_record_Summary_first_continuation_choices_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_Summary_first_continuation_choices_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/info.validation.json b/data/super_glue_record_Summary_first_continuation_choices_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c67304410782dc71bf0900d8cf212042836fa70b
--- /dev/null
+++ b/data/super_glue_record_Summary_first_continuation_choices_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.5"
+}
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/stats.test.json b/data/super_glue_record_Summary_first_continuation_choices_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..849d80e2b1b4cb986f0f3ccd6abb70e5e2562de0
--- /dev/null
+++ b/data/super_glue_record_Summary_first_continuation_choices_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 635,
+  "inputs_tokens": 2421565,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/stats.train.json b/data/super_glue_record_Summary_first_continuation_choices_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2722eaabbdf4da315affd5ed2cebd14e6a264ae4
--- /dev/null
+++ b/data/super_glue_record_Summary_first_continuation_choices_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 987,
+  "inputs_tokens": 25194541,
+  "targets_max_tokens": 144,
+  "targets_tokens": 3050362
+}
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/stats.validation.json b/data/super_glue_record_Summary_first_continuation_choices_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..95780c634d2e0fdab68cdd9f09c38954fa696b3c
--- /dev/null
+++ b/data/super_glue_record_Summary_first_continuation_choices_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 653,
+  "inputs_tokens": 2429089,
+  "targets_max_tokens": 116,
+  "targets_tokens": 316535
+}
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/test.tfrecord-00000-of-00001 b/data/super_glue_record_Summary_first_continuation_choices_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5b453c3c3761870d99b1bfd17614dc28e89c558a
--- /dev/null
+++ b/data/super_glue_record_Summary_first_continuation_choices_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fe2871f43733726240314284213faee0c6147b573823e22244753cf68c6374ed
+size 31049329
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/train.tfrecord-00000-of-00001 b/data/super_glue_record_Summary_first_continuation_choices_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e772f3f4add0515d87a8ebd6d88c8f108ddece9e
--- /dev/null
+++ b/data/super_glue_record_Summary_first_continuation_choices_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7e7cafdc61b073a6f1a8c95217381f7a720c69c04f1ecb5840c6cfc9e35133b5
+size 332323267
diff --git a/data/super_glue_record_Summary_first_continuation_choices_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_Summary_first_continuation_choices_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f3e0e10323be926793ef56770078b412a14b496c
--- /dev/null
+++ b/data/super_glue_record_Summary_first_continuation_choices_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1dae1e1920a6c949ace4411276e3d28021d8566eb232ea331192af7ece0ff798
+size 32838155
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/COMPLETED b/data/super_glue_record_What_could_the_placeholder_be_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/info.test.json b/data/super_glue_record_What_could_the_placeholder_be_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_What_could_the_placeholder_be_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/info.train.json b/data/super_glue_record_What_could_the_placeholder_be_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_What_could_the_placeholder_be_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/info.validation.json b/data/super_glue_record_What_could_the_placeholder_be_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_What_could_the_placeholder_be_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/stats.test.json b/data/super_glue_record_What_could_the_placeholder_be_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..650c8a8cc3e1b0633d88ec638136b1ff198aa24a
--- /dev/null
+++ b/data/super_glue_record_What_could_the_placeholder_be_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 641,
+  "inputs_tokens": 3228717,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/stats.train.json b/data/super_glue_record_What_could_the_placeholder_be_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f0a5c0d09bded2fdcfcedc1690477f3ece7d44a5
--- /dev/null
+++ b/data/super_glue_record_What_could_the_placeholder_be_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 1361,
+  "inputs_tokens": 33540926,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254361
+}
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/stats.validation.json b/data/super_glue_record_What_could_the_placeholder_be_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..515f6c5a215baa77105da96f9b166a80ec2839ca
--- /dev/null
+++ b/data/super_glue_record_What_could_the_placeholder_be_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 726,
+  "inputs_tokens": 3238598,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24368
+}
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/test.tfrecord-00000-of-00001 b/data/super_glue_record_What_could_the_placeholder_be_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1abfb2d45941f62a0e113744e23dbf7ff29b8a92
--- /dev/null
+++ b/data/super_glue_record_What_could_the_placeholder_be_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fe78f6672688f93bcece522e5b3b3458491ca96666db637b3afc80f7d453655e
+size 21455219
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/train.tfrecord-00000-of-00001 b/data/super_glue_record_What_could_the_placeholder_be_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..458b2d6e9fe10262c7f682c5cdbdec37d660b623
--- /dev/null
+++ b/data/super_glue_record_What_could_the_placeholder_be_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:727eb454aaac39d02677668a1e826d937447de9e7e1f78a470b049e2608317e9
+size 220358980
diff --git a/data/super_glue_record_What_could_the_placeholder_be_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_What_could_the_placeholder_be_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d7f7fcab78aa59a9b2b8e1d700a82f23b0a3b733
--- /dev/null
+++ b/data/super_glue_record_What_could_the_placeholder_be_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:341073a1652dae66cce0e5c5315be2ed0feba0f111c9ae98b81bf19b412c80a9
+size 21436903
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/COMPLETED b/data/super_glue_record_Which_one_is_the_placeholder_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/info.test.json b/data/super_glue_record_Which_one_is_the_placeholder_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_Which_one_is_the_placeholder_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/info.train.json b/data/super_glue_record_Which_one_is_the_placeholder_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_Which_one_is_the_placeholder_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/info.validation.json b/data/super_glue_record_Which_one_is_the_placeholder_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_Which_one_is_the_placeholder_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/stats.test.json b/data/super_glue_record_Which_one_is_the_placeholder_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..650c8a8cc3e1b0633d88ec638136b1ff198aa24a
--- /dev/null
+++ b/data/super_glue_record_Which_one_is_the_placeholder_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 641,
+  "inputs_tokens": 3228717,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/stats.train.json b/data/super_glue_record_Which_one_is_the_placeholder_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e06f89654ca001dcdc67158fa1cdf2ff65fec96c
--- /dev/null
+++ b/data/super_glue_record_Which_one_is_the_placeholder_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 1361,
+  "inputs_tokens": 33540926,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254763
+}
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/stats.validation.json b/data/super_glue_record_Which_one_is_the_placeholder_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f6ccb804e5c3b6abad3cac619176265078d958c8
--- /dev/null
+++ b/data/super_glue_record_Which_one_is_the_placeholder_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 726,
+  "inputs_tokens": 3238598,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24395
+}
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/test.tfrecord-00000-of-00001 b/data/super_glue_record_Which_one_is_the_placeholder_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f700d9fac4a9a6dcff9da492c799ac03d1030cb6
--- /dev/null
+++ b/data/super_glue_record_Which_one_is_the_placeholder_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3cd9bbbdfcb7f4b725033d8e9b18e4a281a59d67b35970241f1f9cdf3f9549b0
+size 21435219
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/train.tfrecord-00000-of-00001 b/data/super_glue_record_Which_one_is_the_placeholder_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8f1cad6faa4e1ea525cf51bdf67d231fa0748e79
--- /dev/null
+++ b/data/super_glue_record_Which_one_is_the_placeholder_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6193af49f2bfabbeded887ff3d94409e083831a4cde7249ac81675dc242bbb6d
+size 220160315
diff --git a/data/super_glue_record_Which_one_is_the_placeholder_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_Which_one_is_the_placeholder_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..58a41ff4501061d8023898b2d6de9171e77bf9cd
--- /dev/null
+++ b/data/super_glue_record_Which_one_is_the_placeholder_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b1acbeafc6b74670d2d0f4e18f15ea3fc1e904d34cd407d0ffc2ab2bd7849439
+size 21417065
diff --git a/data/super_glue_record_choose_between/COMPLETED b/data/super_glue_record_choose_between/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_choose_between/info.test.json b/data/super_glue_record_choose_between/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_choose_between/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_choose_between/info.train.json b/data/super_glue_record_choose_between/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_choose_between/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_choose_between/info.validation.json b/data/super_glue_record_choose_between/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_choose_between/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_choose_between/stats.test.json b/data/super_glue_record_choose_between/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..653a11dea1240c61c13333a238e9b2f957745ed2
--- /dev/null
+++ b/data/super_glue_record_choose_between/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 686,
+  "inputs_tokens": 3411082,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_choose_between/stats.train.json b/data/super_glue_record_choose_between/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c29e2241293752f24115ff0ffcbb4910b53b96f3
--- /dev/null
+++ b/data/super_glue_record_choose_between/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 1465,
+  "inputs_tokens": 35429271,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254097
+}
diff --git a/data/super_glue_record_choose_between/stats.validation.json b/data/super_glue_record_choose_between/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c64b53655c80addee5715cb9f8e8033687a350f5
--- /dev/null
+++ b/data/super_glue_record_choose_between/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 790,
+  "inputs_tokens": 3422169,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24434
+}
diff --git a/data/super_glue_record_choose_between/test.tfrecord-00000-of-00001 b/data/super_glue_record_choose_between/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bb2041cb24ecf473f4453aa9a19c91c4ee14c357
--- /dev/null
+++ b/data/super_glue_record_choose_between/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:195c3e686915fd5d88f783b3786df8f4a7dd2780f72667e70a7cd94d2fca3a80
+size 22169634
diff --git a/data/super_glue_record_choose_between/train.tfrecord-00000-of-00001 b/data/super_glue_record_choose_between/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5c5db01cc4f1d4c3cee5015be5a3c6682a3ee10d
--- /dev/null
+++ b/data/super_glue_record_choose_between/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0767820b7b39f1b0d99e23ffce6caaba8fdb78adf8cfa14252c58fa09d043939
+size 227655941
diff --git a/data/super_glue_record_choose_between/validation.tfrecord-00000-of-00001 b/data/super_glue_record_choose_between/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a09f0888df1efd0cfb7451046f2fbf4b1ab3baee
--- /dev/null
+++ b/data/super_glue_record_choose_between/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3a5e68bb9c1858f73a99bea7a53ac5e55f67de137aaf6609d61409cfab56b61c
+size 22154138
diff --git a/data/super_glue_record_corrupted/COMPLETED b/data/super_glue_record_corrupted/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_corrupted/info.test.json b/data/super_glue_record_corrupted/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_corrupted/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_corrupted/info.train.json b/data/super_glue_record_corrupted/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_corrupted/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_corrupted/info.validation.json b/data/super_glue_record_corrupted/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_corrupted/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_corrupted/stats.test.json b/data/super_glue_record_corrupted/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b01a84d440603b4da68d120af61afa5eabe29b75
--- /dev/null
+++ b/data/super_glue_record_corrupted/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 555,
+  "inputs_tokens": 2978731,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_corrupted/stats.train.json b/data/super_glue_record_corrupted/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e7fa4e861301d95a96508332a016ce702e7724a4
--- /dev/null
+++ b/data/super_glue_record_corrupted/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 694,
+  "inputs_tokens": 30692979,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254361
+}
diff --git a/data/super_glue_record_corrupted/stats.validation.json b/data/super_glue_record_corrupted/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..acb6123660310f1055071a1b2d6a5b5038099d00
--- /dev/null
+++ b/data/super_glue_record_corrupted/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 539,
+  "inputs_tokens": 2985453,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24390
+}
diff --git a/data/super_glue_record_corrupted/test.tfrecord-00000-of-00001 b/data/super_glue_record_corrupted/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..82ee8dce6540fb891801589e57a1839bebd61803
--- /dev/null
+++ b/data/super_glue_record_corrupted/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b28208b668903b7d033305e9d5f6eb46f285d434242d38d56d13459ffca41f3e
+size 20339185
diff --git a/data/super_glue_record_corrupted/train.tfrecord-00000-of-00001 b/data/super_glue_record_corrupted/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cdbfaec066f87c78d74381d6e4260050612d4dd1
--- /dev/null
+++ b/data/super_glue_record_corrupted/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cc189246e49a0666d39c1d3b85df8c501e290438c188ead32e9be60e66a93491
+size 207855039
diff --git a/data/super_glue_record_corrupted/validation.tfrecord-00000-of-00001 b/data/super_glue_record_corrupted/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a71ca1b200f72a40b5d1dcd7811e73dc392e0482
--- /dev/null
+++ b/data/super_glue_record_corrupted/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:844304a9c45e9ce3b95a57cde265972dfb126a6f45b487f40ff4fe09714d786b
+size 20306305
diff --git a/data/super_glue_record_exercise/COMPLETED b/data/super_glue_record_exercise/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_exercise/info.test.json b/data/super_glue_record_exercise/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_exercise/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_exercise/info.train.json b/data/super_glue_record_exercise/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_exercise/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_exercise/info.validation.json b/data/super_glue_record_exercise/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_exercise/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_exercise/stats.test.json b/data/super_glue_record_exercise/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7388e6164859e994118df4c8c2563bd4131c221d
--- /dev/null
+++ b/data/super_glue_record_exercise/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 551,
+  "inputs_tokens": 2938731,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_exercise/stats.train.json b/data/super_glue_record_exercise/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..47abc2d1857b9b6dbd825452f73b73c36cf2febf
--- /dev/null
+++ b/data/super_glue_record_exercise/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 690,
+  "inputs_tokens": 30290059,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254361
+}
diff --git a/data/super_glue_record_exercise/stats.validation.json b/data/super_glue_record_exercise/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f8c38c81ddf77d563c81edf0813e2e94c092691
--- /dev/null
+++ b/data/super_glue_record_exercise/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 535,
+  "inputs_tokens": 2945453,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24360
+}
diff --git a/data/super_glue_record_exercise/test.tfrecord-00000-of-00001 b/data/super_glue_record_exercise/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7289986639f24cbccc4374ac36220cec74511e5e
--- /dev/null
+++ b/data/super_glue_record_exercise/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dce05f932acc6afd436b5fc7d9ac7d2c27c32d9a5be944c68606b39b7e09e6c1
+size 20189185
diff --git a/data/super_glue_record_exercise/train.tfrecord-00000-of-00001 b/data/super_glue_record_exercise/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..712b4fc95bfc061412ae8603971b5a8beafe5453
--- /dev/null
+++ b/data/super_glue_record_exercise/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bef5568a21634182303fd034e7d1045bf62293e773b09037f9e53ce830eaa017
+size 206344088
diff --git a/data/super_glue_record_exercise/validation.tfrecord-00000-of-00001 b/data/super_glue_record_exercise/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5108a369e10088d6ce9dde5cf19b93166e2a03d7
--- /dev/null
+++ b/data/super_glue_record_exercise/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:953b8a76e9ec609d50017b85fd8b09e310355872bbc52afcfbbcad223c232762
+size 20155808
diff --git a/data/super_glue_record_pick_one_option/COMPLETED b/data/super_glue_record_pick_one_option/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_pick_one_option/info.test.json b/data/super_glue_record_pick_one_option/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_pick_one_option/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_pick_one_option/info.train.json b/data/super_glue_record_pick_one_option/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_pick_one_option/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_pick_one_option/info.validation.json b/data/super_glue_record_pick_one_option/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_pick_one_option/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_pick_one_option/stats.test.json b/data/super_glue_record_pick_one_option/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6a2d0117ae2e423e4eefab65913273d92d4d5956
--- /dev/null
+++ b/data/super_glue_record_pick_one_option/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 682,
+  "inputs_tokens": 3371082,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_pick_one_option/stats.train.json b/data/super_glue_record_pick_one_option/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..619d3f3f51a0afe15513ead34e50fd8ff8ca466c
--- /dev/null
+++ b/data/super_glue_record_pick_one_option/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 1461,
+  "inputs_tokens": 35026351,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254621
+}
diff --git a/data/super_glue_record_pick_one_option/stats.validation.json b/data/super_glue_record_pick_one_option/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..58e3d24269a10110d5d4a88e1ede8e5a9849a065
--- /dev/null
+++ b/data/super_glue_record_pick_one_option/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 786,
+  "inputs_tokens": 3382169,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24344
+}
diff --git a/data/super_glue_record_pick_one_option/test.tfrecord-00000-of-00001 b/data/super_glue_record_pick_one_option/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..daaac694dd1c3a702685a9a6ea9a7703bd769222
--- /dev/null
+++ b/data/super_glue_record_pick_one_option/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:727bd74096f0a5ed64534bc4401d0509255041f2c507b53174b69425d9f1783f
+size 21799634
diff --git a/data/super_glue_record_pick_one_option/train.tfrecord-00000-of-00001 b/data/super_glue_record_pick_one_option/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ede0c34bf1f0a7fb51c45e557cf476c7441f3011
--- /dev/null
+++ b/data/super_glue_record_pick_one_option/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8e92963a5d7b1896940f03e10e8ce75b0a580fb63b454e4aef93bad919b403a1
+size 223931079
diff --git a/data/super_glue_record_pick_one_option/validation.tfrecord-00000-of-00001 b/data/super_glue_record_pick_one_option/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..928c03190e1a5c5810cabfdc61525e985d4bafce
--- /dev/null
+++ b/data/super_glue_record_pick_one_option/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:639b34db5efa2879825c063933904e78afc39b54d1fdd6fc249edc9d8fffb1c7
+size 21783671
diff --git a/data/super_glue_record_the_placeholder_refers_to_/COMPLETED b/data/super_glue_record_the_placeholder_refers_to_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_the_placeholder_refers_to_/info.test.json b/data/super_glue_record_the_placeholder_refers_to_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_the_placeholder_refers_to_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_the_placeholder_refers_to_/info.train.json b/data/super_glue_record_the_placeholder_refers_to_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_the_placeholder_refers_to_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_the_placeholder_refers_to_/info.validation.json b/data/super_glue_record_the_placeholder_refers_to_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_the_placeholder_refers_to_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_the_placeholder_refers_to_/stats.test.json b/data/super_glue_record_the_placeholder_refers_to_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a2bf191954f99b7407c1e7dbae0b35ee7d50e34b
--- /dev/null
+++ b/data/super_glue_record_the_placeholder_refers_to_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 538,
+  "inputs_tokens": 2808731,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_the_placeholder_refers_to_/stats.train.json b/data/super_glue_record_the_placeholder_refers_to_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..bea6f5284d1466ac6dc0b0c57f753ad727950f88
--- /dev/null
+++ b/data/super_glue_record_the_placeholder_refers_to_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 677,
+  "inputs_tokens": 28980569,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254465
+}
diff --git a/data/super_glue_record_the_placeholder_refers_to_/stats.validation.json b/data/super_glue_record_the_placeholder_refers_to_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..354dedd1493ce36b4a3c6114f87e47db1c192de5
--- /dev/null
+++ b/data/super_glue_record_the_placeholder_refers_to_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 522,
+  "inputs_tokens": 2815453,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24368
+}
diff --git a/data/super_glue_record_the_placeholder_refers_to_/test.tfrecord-00000-of-00001 b/data/super_glue_record_the_placeholder_refers_to_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bcdb1abf72a02969b23a78d173678ae03ebaca90
--- /dev/null
+++ b/data/super_glue_record_the_placeholder_refers_to_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ba751efc84388248be8b3e7fa08a0f3ed6e692d5fc907b3b806bf9c65004d565
+size 19429185
diff --git a/data/super_glue_record_the_placeholder_refers_to_/train.tfrecord-00000-of-00001 b/data/super_glue_record_the_placeholder_refers_to_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..93a3788f5a05ff123127ec187cc154d993b38ec9
--- /dev/null
+++ b/data/super_glue_record_the_placeholder_refers_to_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c1a57bc8ecb7bd7b044e2228808eecfac5baccb8a09499eb505dbc1e6a95c2ed
+size 198688997
diff --git a/data/super_glue_record_the_placeholder_refers_to_/validation.tfrecord-00000-of-00001 b/data/super_glue_record_the_placeholder_refers_to_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..af8c30fb1cce2253ceef7f54cd4d6588e3855e44
--- /dev/null
+++ b/data/super_glue_record_the_placeholder_refers_to_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e8fa351eedf335d4201450eeef5640d4764ebbe831b9a31d268fb7b6a675c0b4
+size 19395868
diff --git a/data/super_glue_record_trying_to_decide/COMPLETED b/data/super_glue_record_trying_to_decide/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_record_trying_to_decide/info.test.json b/data/super_glue_record_trying_to_decide/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_trying_to_decide/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_trying_to_decide/info.train.json b/data/super_glue_record_trying_to_decide/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_trying_to_decide/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_trying_to_decide/info.validation.json b/data/super_glue_record_trying_to_decide/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_record_trying_to_decide/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_record_trying_to_decide/stats.test.json b/data/super_glue_record_trying_to_decide/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d300175d49c3704d67e8d42645f53d28e85e7a0e
--- /dev/null
+++ b/data/super_glue_record_trying_to_decide/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 693,
+  "inputs_tokens": 3481082,
+  "targets_max_tokens": 7,
+  "targets_tokens": 70000
+}
diff --git a/data/super_glue_record_trying_to_decide/stats.train.json b/data/super_glue_record_trying_to_decide/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d8d7d482ff05fde88370ed4dad3d5fcf0519b9e7
--- /dev/null
+++ b/data/super_glue_record_trying_to_decide/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 100730,
+  "inputs_max_tokens": 1472,
+  "inputs_tokens": 36134381,
+  "targets_max_tokens": 18,
+  "targets_tokens": 254145
+}
diff --git a/data/super_glue_record_trying_to_decide/stats.validation.json b/data/super_glue_record_trying_to_decide/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ca0641fb9dca628a113c61088bbdf23530ecf7cb
--- /dev/null
+++ b/data/super_glue_record_trying_to_decide/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10000,
+  "inputs_max_tokens": 797,
+  "inputs_tokens": 3492169,
+  "targets_max_tokens": 30,
+  "targets_tokens": 24482
+}
diff --git a/data/super_glue_record_trying_to_decide/test.tfrecord-00000-of-00001 b/data/super_glue_record_trying_to_decide/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2701fb33cfd9161ff1069dbfe4c5a6d6f43c3651
--- /dev/null
+++ b/data/super_glue_record_trying_to_decide/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cc4fc2ad98c7de3cbc02bd5170aecbd84205be3f54cdce5569d60c863e99adf2
+size 22609634
diff --git a/data/super_glue_record_trying_to_decide/train.tfrecord-00000-of-00001 b/data/super_glue_record_trying_to_decide/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8f1f18d836eda94db4344c4bbf75ccf7acad6f2e
--- /dev/null
+++ b/data/super_glue_record_trying_to_decide/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7a9e77596bffdab440c20a0802cc29d3dce493a54ea28621d960265506851753
+size 232088405
diff --git a/data/super_glue_record_trying_to_decide/validation.tfrecord-00000-of-00001 b/data/super_glue_record_trying_to_decide/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f4fbc699f43bb0e71deed985c1e0bd3931d9d726
--- /dev/null
+++ b/data/super_glue_record_trying_to_decide/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2a373623dc43d015e3544edd683897516da1c0732bf212bd811bdfc909a038c7
+size 22594020
diff --git a/data/super_glue_rte_GPT_3_style/COMPLETED b/data/super_glue_rte_GPT_3_style/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_GPT_3_style/info.test.json b/data/super_glue_rte_GPT_3_style/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_GPT_3_style/info.train.json b/data/super_glue_rte_GPT_3_style/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_GPT_3_style/info.validation.json b/data/super_glue_rte_GPT_3_style/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_GPT_3_style/stats.test.json b/data/super_glue_rte_GPT_3_style/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..64ecdabffbe00d7c7e1cd5573aa2ee5395820cfd
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 284,
+  "inputs_tokens": 237236,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_GPT_3_style/stats.train.json b/data/super_glue_rte_GPT_3_style/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3a7caeaeefe8dd01d5ae874474200ffa56366117
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 206745,
+  "targets_max_tokens": 3,
+  "targets_tokens": 4972
+}
diff --git a/data/super_glue_rte_GPT_3_style/stats.validation.json b/data/super_glue_rte_GPT_3_style/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..eb1a73e0252f76a6660170540d57cc41e1b1fd62
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 281,
+  "inputs_tokens": 22448,
+  "targets_max_tokens": 3,
+  "targets_tokens": 539
+}
diff --git a/data/super_glue_rte_GPT_3_style/test.tfrecord-00000-of-00001 b/data/super_glue_rte_GPT_3_style/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..60ffdedcc3b3c02d7b94453e21f7794ec90dde2f
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:91f8bac07306632c5900f32bd4005327a0e9e69db501e203c8456bff2cacab75
+size 1887169
diff --git a/data/super_glue_rte_GPT_3_style/train.tfrecord-00000-of-00001 b/data/super_glue_rte_GPT_3_style/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8448dfbce3bfbb446ccdf5c262826ddd262a9335
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e51ee1b37fc1b1077ce32e95f9c9a98d3fae8e553c9ad05438e524bf2a3ebd28
+size 1584995
diff --git a/data/super_glue_rte_GPT_3_style/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_GPT_3_style/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f7e7e291d7008e9494c1e3a384208ec89039ffa3
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a986d6b2b4f04a4d2db74e72db577a53b989ee4f1461b508e8803aea5f14ab7c
+size 171795
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/COMPLETED b/data/super_glue_rte_GPT_3_style_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/info.test.json b/data/super_glue_rte_GPT_3_style_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/info.train.json b/data/super_glue_rte_GPT_3_style_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/info.validation.json b/data/super_glue_rte_GPT_3_style_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/stats.test.json b/data/super_glue_rte_GPT_3_style_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..afb6c7f8f802a1cd5a2ddd8c8a2cf3b01918b7de
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 284,
+  "inputs_tokens": 474472,
+  "targets_max_tokens": 3,
+  "targets_tokens": 12000
+}
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/stats.train.json b/data/super_glue_rte_GPT_3_style_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aea8475ea32081840dc16b45a1a1278b26987687
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 314,
+  "inputs_tokens": 413490,
+  "targets_max_tokens": 3,
+  "targets_tokens": 9960
+}
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/stats.validation.json b/data/super_glue_rte_GPT_3_style_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3ce7d37ca4300b90bc3b7d82b55b29264c97a8d9
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 281,
+  "inputs_tokens": 44896,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1108
+}
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_GPT_3_style_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e51b8a7709b89cf1b1de50512cf1f98c13d5cef4
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0deddd5561d137cff7cf75f64bb238d22a74fd8b5ebfa004e1251821fd76b330
+size 3819082
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_GPT_3_style_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b41f0f062c34105cb6166587512ea4c486dfa411
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bf774ada181bc824fb21b53059ae2dd368b4f1c5e6284130fa7f05337b5c8121
+size 3279318
diff --git a/data/super_glue_rte_GPT_3_style_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_GPT_3_style_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b4fad116ea464e9e03cf01e67195813785aefa5a
--- /dev/null
+++ b/data/super_glue_rte_GPT_3_style_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5503feb3ecd1f964ea5a1a3e6b3e8d5a8efe9225c570a971810b07897b70c0bf
+size 355567
diff --git a/data/super_glue_rte_MNLI_crowdsource/COMPLETED b/data/super_glue_rte_MNLI_crowdsource/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_MNLI_crowdsource/info.test.json b/data/super_glue_rte_MNLI_crowdsource/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource/info.train.json b/data/super_glue_rte_MNLI_crowdsource/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource/info.validation.json b/data/super_glue_rte_MNLI_crowdsource/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource/stats.test.json b/data/super_glue_rte_MNLI_crowdsource/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2fab574985e4fdec05f991ccd8460edcb0e5e181
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 299,
+  "inputs_tokens": 284764,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource/stats.train.json b/data/super_glue_rte_MNLI_crowdsource/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7c2a56b840ae8f2ef645df2fcd4731ccf36fd426
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 330,
+  "inputs_tokens": 246327,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2490
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource/stats.validation.json b/data/super_glue_rte_MNLI_crowdsource/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..31f5c5ed25a9ae4e5689c57b7406d4f2d232c0f3
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 296,
+  "inputs_tokens": 26852,
+  "targets_max_tokens": 1,
+  "targets_tokens": 277
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource/test.tfrecord-00000-of-00001 b/data/super_glue_rte_MNLI_crowdsource/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f28799b9774143d0dfff614db37444f1ba16b90f
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:42eb306896d06b91d34508fd3a44d1b0aeaefdc52986b2da421ca4d16d51cb00
+size 2188193
diff --git a/data/super_glue_rte_MNLI_crowdsource/train.tfrecord-00000-of-00001 b/data/super_glue_rte_MNLI_crowdsource/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c0c5f7b8d4b677340c508ca759ea7b927a13f9e5
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e9083ac1c220d3ce1219ce5b504aaafd05b89e7fc8b4bde570cc028eebfc36fd
+size 1827557
diff --git a/data/super_glue_rte_MNLI_crowdsource/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_MNLI_crowdsource/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f7bde5428e6477832942c2deae1af79f7f0c064a
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:920decc98ce9af8deacb1c3017ff09cb3d8e7be38be0192641b65a20347fd0d8
+size 198785
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/COMPLETED b/data/super_glue_rte_MNLI_crowdsource_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/info.test.json b/data/super_glue_rte_MNLI_crowdsource_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/info.train.json b/data/super_glue_rte_MNLI_crowdsource_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/info.validation.json b/data/super_glue_rte_MNLI_crowdsource_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/stats.test.json b/data/super_glue_rte_MNLI_crowdsource_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..168ba0ea74ca203d4234610cbb8dca1ffea69f46
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 299,
+  "inputs_tokens": 569528,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6000
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/stats.train.json b/data/super_glue_rte_MNLI_crowdsource_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c08c52e6ab9c40f3364937e1549f49b74354faa0
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 330,
+  "inputs_tokens": 492654,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4980
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/stats.validation.json b/data/super_glue_rte_MNLI_crowdsource_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..854b32dac75645047774276f0b505c2b791968af
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 296,
+  "inputs_tokens": 53704,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_MNLI_crowdsource_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e5705aad7e3f29f61c1dd14d294964c5f90f25e
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ba6c1de25f4c086faee2c1b6a62cbfdc5d6c81db642301e8c9f70e6cc8a14f1b
+size 4427130
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_MNLI_crowdsource_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5ed4c69235791246b477346b4fac19efcedf9239
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:af839efa7fddab07c39189cc72737dad7e4b4e5b57f7f796905f762fbda26191
+size 3784330
diff --git a/data/super_glue_rte_MNLI_crowdsource_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_MNLI_crowdsource_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..49a5d2fb5e4f74b2d776359d72b44703714c60ba
--- /dev/null
+++ b/data/super_glue_rte_MNLI_crowdsource_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:df981b72d643c939761f9c7bb28fb2ee01835d920ceda2513de0d1fb0d9e30a3
+size 411703
diff --git a/data/super_glue_rte_based_on_the_previous_passage/COMPLETED b/data/super_glue_rte_based_on_the_previous_passage/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_based_on_the_previous_passage/info.test.json b/data/super_glue_rte_based_on_the_previous_passage/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage/info.train.json b/data/super_glue_rte_based_on_the_previous_passage/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage/info.validation.json b/data/super_glue_rte_based_on_the_previous_passage/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage/stats.test.json b/data/super_glue_rte_based_on_the_previous_passage/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f2647f4a90636475066f434a2bf7913bda1d1306
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 292,
+  "inputs_tokens": 263764,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage/stats.train.json b/data/super_glue_rte_based_on_the_previous_passage/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..30c156090fdc88171802290367a8d03574a84f9a
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 323,
+  "inputs_tokens": 228897,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2490
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage/stats.validation.json b/data/super_glue_rte_based_on_the_previous_passage/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..097c706b7f71447876f6f0e5dc8a9f9eb16ea9f1
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 24913,
+  "targets_max_tokens": 1,
+  "targets_tokens": 277
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage/test.tfrecord-00000-of-00001 b/data/super_glue_rte_based_on_the_previous_passage/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0eec9e6b2d2ac4591352299a14a07cf41c859d47
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:37bb38c4e7acd07a45e2904406ea8bc7d21e776e434fc5680d1476557cea47f5
+size 2024855
diff --git a/data/super_glue_rte_based_on_the_previous_passage/train.tfrecord-00000-of-00001 b/data/super_glue_rte_based_on_the_previous_passage/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2196b745a856cc81e59d05910fc9afc84d82720c
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dbbfc649fee7cf9b45e8291bc91ce1011ded6f27df2f10ac71cf49013a4a2ce0
+size 1692013
diff --git a/data/super_glue_rte_based_on_the_previous_passage/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_based_on_the_previous_passage/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dcd04b55a0642892805d619b8dab766aa8ba6207
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:796efa65ffb0c1ef5b01ebe1c6c68099f48f268e9bf8ef673bb0bd1aa5669b56
+size 183719
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/COMPLETED b/data/super_glue_rte_based_on_the_previous_passage_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/info.test.json b/data/super_glue_rte_based_on_the_previous_passage_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/info.train.json b/data/super_glue_rte_based_on_the_previous_passage_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/info.validation.json b/data/super_glue_rte_based_on_the_previous_passage_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/stats.test.json b/data/super_glue_rte_based_on_the_previous_passage_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9fb6ae2dd50cd93a578773d1a0840279234016c0
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 292,
+  "inputs_tokens": 527528,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6000
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/stats.train.json b/data/super_glue_rte_based_on_the_previous_passage_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..937f13746724b736c0297be90c8ec6f12fa6dd54
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 323,
+  "inputs_tokens": 457794,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4980
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/stats.validation.json b/data/super_glue_rte_based_on_the_previous_passage_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c51713e808bc1b8fe03bc156d88cb10ec5dde9d6
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 49826,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_based_on_the_previous_passage_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b862767630fd9af1be7de65de144ad9ea8803cbc
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d81bdfa53f086e6c6d17ccdad9ea0914a54529b8324c09eeb07d6cec811d722f
+size 4100454
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_based_on_the_previous_passage_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ca0696423d5127f0c5c11062a5bace0736c6e3c8
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3ba4c016003f21e4f7c67616ddff607fe4573206941fc675ddeb627a9cfdf8b0
+size 3513242
diff --git a/data/super_glue_rte_based_on_the_previous_passage_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_based_on_the_previous_passage_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b949807d20cf6f789af4470493eb7cdbd3e4917a
--- /dev/null
+++ b/data/super_glue_rte_based_on_the_previous_passage_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7194615fc43b7c3288026eb21ba96473d516594fc5065da8fae034676124d2e2
+size 381571
diff --git a/data/super_glue_rte_can_we_infer/COMPLETED b/data/super_glue_rte_can_we_infer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_can_we_infer/info.test.json b/data/super_glue_rte_can_we_infer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_can_we_infer/info.train.json b/data/super_glue_rte_can_we_infer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_can_we_infer/info.validation.json b/data/super_glue_rte_can_we_infer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_can_we_infer/stats.test.json b/data/super_glue_rte_can_we_infer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7918705de17e9f342c92d11d9ce9958e25362c7c
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 254764,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_can_we_infer/stats.train.json b/data/super_glue_rte_can_we_infer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d9d2bced83a35a2ebd93a21985fee82960f45a8d
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 320,
+  "inputs_tokens": 221427,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2490
+}
diff --git a/data/super_glue_rte_can_we_infer/stats.validation.json b/data/super_glue_rte_can_we_infer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a8436883de43e099fa8988f472889649fd822eeb
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 24082,
+  "targets_max_tokens": 1,
+  "targets_tokens": 277
+}
diff --git a/data/super_glue_rte_can_we_infer/test.tfrecord-00000-of-00001 b/data/super_glue_rte_can_we_infer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..93452ec94c510f7e623a0faf676b7e92355c27c5
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:064fd09315da0372f77ed29e1056daa3363c91254a0c4acb3da0bfcaadd4c552
+size 1952487
diff --git a/data/super_glue_rte_can_we_infer/train.tfrecord-00000-of-00001 b/data/super_glue_rte_can_we_infer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e2d4ed12e7162c0bc381d45599bb4ff59680bb1d
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:886bdb1ffaf1b07f3fd1488080ea26d593bf93c27ab26040524c956a348afde4
+size 1631971
diff --git a/data/super_glue_rte_can_we_infer/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_can_we_infer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8b8599beab7d0e4a52f925c7915c87d2cadbe424
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8c4ad3eba8c7a1527e0029e3a35188d5724d0504694b5c3622b28a680fee5dd7
+size 177039
diff --git a/data/super_glue_rte_can_we_infer_score_eval/COMPLETED b/data/super_glue_rte_can_we_infer_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_can_we_infer_score_eval/info.test.json b/data/super_glue_rte_can_we_infer_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_can_we_infer_score_eval/info.train.json b/data/super_glue_rte_can_we_infer_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_can_we_infer_score_eval/info.validation.json b/data/super_glue_rte_can_we_infer_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_can_we_infer_score_eval/stats.test.json b/data/super_glue_rte_can_we_infer_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b1c9738aeab0cefb178d6feb80b7896e7e9a03d
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 509528,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6000
+}
diff --git a/data/super_glue_rte_can_we_infer_score_eval/stats.train.json b/data/super_glue_rte_can_we_infer_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0f112e5a7ffdd516bb49b005a24c480ee296f0db
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 320,
+  "inputs_tokens": 442854,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4980
+}
diff --git a/data/super_glue_rte_can_we_infer_score_eval/stats.validation.json b/data/super_glue_rte_can_we_infer_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8314e2ff9b63ca1de653641671e889665da076fe
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 48164,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_rte_can_we_infer_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_can_we_infer_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cefd015b97201d0d6724bb036861edb479b1d871
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:befd7a3cde496ce920130bdee3f446753c36b43318bfb28d09caede9742b794b
+size 3955718
diff --git a/data/super_glue_rte_can_we_infer_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_can_we_infer_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..583dbf76323ec04688821887bfdcd70f927758e9
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:87d3a7e58982be5716ffb26812cbd6ab0566f7a111b8e2aff44ef3158d7e42d7
+size 3393158
diff --git a/data/super_glue_rte_can_we_infer_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_can_we_infer_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..057dff7bbe751c247f9cb43b379922d06b99f9ca
--- /dev/null
+++ b/data/super_glue_rte_can_we_infer_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:57920e0e1c8bc6bd89893bc3ea1055a67cb134a19898f6ea021115a298b61b00
+size 368211
diff --git a/data/super_glue_rte_does_it_follow_that/COMPLETED b/data/super_glue_rte_does_it_follow_that/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_does_it_follow_that/info.test.json b/data/super_glue_rte_does_it_follow_that/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_it_follow_that/info.train.json b/data/super_glue_rte_does_it_follow_that/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_it_follow_that/info.validation.json b/data/super_glue_rte_does_it_follow_that/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_it_follow_that/stats.test.json b/data/super_glue_rte_does_it_follow_that/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8bca17909a27e55b61855ebab70a28182767f167
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 243236,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_does_it_follow_that/stats.train.json b/data/super_glue_rte_does_it_follow_that/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7bae70825689e5d439692fe4463696d43d1476a8
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 316,
+  "inputs_tokens": 211725,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2490
+}
diff --git a/data/super_glue_rte_does_it_follow_that/stats.validation.json b/data/super_glue_rte_does_it_follow_that/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..bac3fe5c7c4b8cfe396d876ac57aaf1efbe8c89c
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 283,
+  "inputs_tokens": 23002,
+  "targets_max_tokens": 1,
+  "targets_tokens": 277
+}
diff --git a/data/super_glue_rte_does_it_follow_that/test.tfrecord-00000-of-00001 b/data/super_glue_rte_does_it_follow_that/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..60195235ce58ac8b2bdfb72d293f52cfcbfefdda
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:55dc1f5486d18db574d9bf754992d77bca566b5b0da7e226468f9296669e8180
+size 1938544
diff --git a/data/super_glue_rte_does_it_follow_that/train.tfrecord-00000-of-00001 b/data/super_glue_rte_does_it_follow_that/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5f0732f1daa7ab70cf2b1e5d08f4c370058e0bdf
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c933b301a4666fa54f2da6a1e2c8b5dab0e44171c112519a2f84f3f699d24641
+size 1620227
diff --git a/data/super_glue_rte_does_it_follow_that/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_does_it_follow_that/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..045b320b89a67164f23d971ad294c9b172c75e6c
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:004b3fe7cbad133580b0e2b6efe913d2c13268ee0ca9f20aa79b6a12dc6e7d8d
+size 175737
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/COMPLETED b/data/super_glue_rte_does_it_follow_that_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/info.test.json b/data/super_glue_rte_does_it_follow_that_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/info.train.json b/data/super_glue_rte_does_it_follow_that_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/info.validation.json b/data/super_glue_rte_does_it_follow_that_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/stats.test.json b/data/super_glue_rte_does_it_follow_that_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..44e42aff0e05eb9840fb7a9e7961739ed2cd3849
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 486472,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6000
+}
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/stats.train.json b/data/super_glue_rte_does_it_follow_that_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d495a99ed5e791094909067c6075c36d53eeadcc
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 316,
+  "inputs_tokens": 423450,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4980
+}
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/stats.validation.json b/data/super_glue_rte_does_it_follow_that_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..37fc9f2a8b96c64c1ae511c23f1a78f8743e1e06
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 283,
+  "inputs_tokens": 46004,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_does_it_follow_that_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a13dc503a3b7ddefa6520f10f84c5f7f421fa11d
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:32bb51a7e1da537ef61b0fcbb0d0bf0c372984e2992415328804b64c5ebdfdc1
+size 3927832
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_does_it_follow_that_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6eca89cc2a2cd1b1e0abc0101ddedd1f1acc193b
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d222f490c1c2bfb61866f204dfeacf785f41aad8e076cad1b69253a3c95d5dfb
+size 3369670
diff --git a/data/super_glue_rte_does_it_follow_that_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_does_it_follow_that_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..47af5da5f84451ad54898fdd6a2c8b5fabb71c9d
--- /dev/null
+++ b/data/super_glue_rte_does_it_follow_that_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:addc1070ab2760c0b377a886629bcf3667c773b8bb48766e91974140c435579c
+size 365607
diff --git a/data/super_glue_rte_does_this_imply/COMPLETED b/data/super_glue_rte_does_this_imply/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_does_this_imply/info.test.json b/data/super_glue_rte_does_this_imply/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_this_imply/info.train.json b/data/super_glue_rte_does_this_imply/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_this_imply/info.validation.json b/data/super_glue_rte_does_this_imply/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_this_imply/stats.test.json b/data/super_glue_rte_does_this_imply/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7918705de17e9f342c92d11d9ce9958e25362c7c
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 254764,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_does_this_imply/stats.train.json b/data/super_glue_rte_does_this_imply/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d9d2bced83a35a2ebd93a21985fee82960f45a8d
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 320,
+  "inputs_tokens": 221427,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2490
+}
diff --git a/data/super_glue_rte_does_this_imply/stats.validation.json b/data/super_glue_rte_does_this_imply/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a8436883de43e099fa8988f472889649fd822eeb
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 24082,
+  "targets_max_tokens": 1,
+  "targets_tokens": 277
+}
diff --git a/data/super_glue_rte_does_this_imply/test.tfrecord-00000-of-00001 b/data/super_glue_rte_does_this_imply/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e9e76b696ccbcf3ef93440e5ff05f22d8bbaf133
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:43253112c9869f736a0370a6abffbef6cf4cee1f8787a7a6205e6ae8202f13fd
+size 1973528
diff --git a/data/super_glue_rte_does_this_imply/train.tfrecord-00000-of-00001 b/data/super_glue_rte_does_this_imply/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..93cd1ad1886598ba69195fae799e00b7364f0e67
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7f5204a073d5a616990600123b16536fd01eb63d028185b6ac9927bdb51320ca
+size 1649432
diff --git a/data/super_glue_rte_does_this_imply/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_does_this_imply/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9a4a1781f7013178940af6435d0647ef3b0c0737
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b5b89868b96804a279890ee7efef07fe3278bba60679db000f8bf139843ff67e
+size 178981
diff --git a/data/super_glue_rte_does_this_imply_score_eval/COMPLETED b/data/super_glue_rte_does_this_imply_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_does_this_imply_score_eval/info.test.json b/data/super_glue_rte_does_this_imply_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_this_imply_score_eval/info.train.json b/data/super_glue_rte_does_this_imply_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_this_imply_score_eval/info.validation.json b/data/super_glue_rte_does_this_imply_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_does_this_imply_score_eval/stats.test.json b/data/super_glue_rte_does_this_imply_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b1c9738aeab0cefb178d6feb80b7896e7e9a03d
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 509528,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6000
+}
diff --git a/data/super_glue_rte_does_this_imply_score_eval/stats.train.json b/data/super_glue_rte_does_this_imply_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0f112e5a7ffdd516bb49b005a24c480ee296f0db
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 320,
+  "inputs_tokens": 442854,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4980
+}
diff --git a/data/super_glue_rte_does_this_imply_score_eval/stats.validation.json b/data/super_glue_rte_does_this_imply_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8314e2ff9b63ca1de653641671e889665da076fe
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 48164,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_rte_does_this_imply_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_does_this_imply_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7db180e6f8a01707b863538dd04531bbf62a6b14
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:90719e46747ab8accc11a6ab329d33657e4726f9c54aa48cb5b1a86052ca6ddc
+size 3997800
diff --git a/data/super_glue_rte_does_this_imply_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_does_this_imply_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e284580503f3727584c8bc348cf1c5eef8ca55ca
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0a4358e7861a96c616beb30ebcbadea10b85f0bee822975e5ce2081b22e49854
+size 3428080
diff --git a/data/super_glue_rte_does_this_imply_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_does_this_imply_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88ebcf30f5115643167441f202700f0a099a5170
--- /dev/null
+++ b/data/super_glue_rte_does_this_imply_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4ba6886becf06f51fbbec58d7c875c754300e12abbb5c9d2838bc78c940a989a
+size 372095
diff --git a/data/super_glue_rte_guaranteed_true/COMPLETED b/data/super_glue_rte_guaranteed_true/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_guaranteed_true/info.test.json b/data/super_glue_rte_guaranteed_true/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_guaranteed_true/info.train.json b/data/super_glue_rte_guaranteed_true/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_guaranteed_true/info.validation.json b/data/super_glue_rte_guaranteed_true/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_guaranteed_true/stats.test.json b/data/super_glue_rte_guaranteed_true/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7918705de17e9f342c92d11d9ce9958e25362c7c
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 254764,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_guaranteed_true/stats.train.json b/data/super_glue_rte_guaranteed_true/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d9d2bced83a35a2ebd93a21985fee82960f45a8d
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 320,
+  "inputs_tokens": 221427,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2490
+}
diff --git a/data/super_glue_rte_guaranteed_true/stats.validation.json b/data/super_glue_rte_guaranteed_true/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a8436883de43e099fa8988f472889649fd822eeb
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 24082,
+  "targets_max_tokens": 1,
+  "targets_tokens": 277
+}
diff --git a/data/super_glue_rte_guaranteed_true/test.tfrecord-00000-of-00001 b/data/super_glue_rte_guaranteed_true/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d3203e97ca499abe54bbe21f22505293f237ca1
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:427fcc9eb85dfc50a1b717e884e3ae06fb9d9057d0e5b0df0a751f38855e56b7
+size 1970430
diff --git a/data/super_glue_rte_guaranteed_true/train.tfrecord-00000-of-00001 b/data/super_glue_rte_guaranteed_true/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ba48cffc3d60755022e461163f6ee5c6555de433
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:25e563a5a6aab962f6987d5489ea975986e25f33dfde169a52157b948c5ccb91
+size 1646845
diff --git a/data/super_glue_rte_guaranteed_true/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_guaranteed_true/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8b94211431bd3ed7e30587020b6f97c86f8e2fc6
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:69f9da97e29998100c2e568403b9cd64103044c92670c5a63fa49add44165f97
+size 178697
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/COMPLETED b/data/super_glue_rte_guaranteed_true_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/info.test.json b/data/super_glue_rte_guaranteed_true_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/info.train.json b/data/super_glue_rte_guaranteed_true_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/info.validation.json b/data/super_glue_rte_guaranteed_true_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/stats.test.json b/data/super_glue_rte_guaranteed_true_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b1c9738aeab0cefb178d6feb80b7896e7e9a03d
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 509528,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6000
+}
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/stats.train.json b/data/super_glue_rte_guaranteed_true_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0f112e5a7ffdd516bb49b005a24c480ee296f0db
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 320,
+  "inputs_tokens": 442854,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4980
+}
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/stats.validation.json b/data/super_glue_rte_guaranteed_true_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8314e2ff9b63ca1de653641671e889665da076fe
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 48164,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_guaranteed_true_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6a63ff3c90a1220ae6e38e2a203a79d38c1dbf96
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3dfaf2155ec1cbeb362d06c1a1a70c34fc0aa9cfe52e9ffdff0a2b7cbabc727d
+size 3991604
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_guaranteed_true_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f90baae07df7ac748d7eecfa44f82c5a1dca921c
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b14177c11a27263e963f5d0d93196615ff7dfc9db72d013b24b97a800faa49a8
+size 3422906
diff --git a/data/super_glue_rte_guaranteed_true_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_guaranteed_true_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7022721e9d28323686ab85a4581219af8df41a88
--- /dev/null
+++ b/data/super_glue_rte_guaranteed_true_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:927e5b142317d2eb6507a1e4d530b4b699bbf1d596692e772a327b07864353c2
+size 371527
diff --git a/data/super_glue_rte_justified_in_saying/COMPLETED b/data/super_glue_rte_justified_in_saying/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_justified_in_saying/info.test.json b/data/super_glue_rte_justified_in_saying/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_justified_in_saying/info.train.json b/data/super_glue_rte_justified_in_saying/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_justified_in_saying/info.validation.json b/data/super_glue_rte_justified_in_saying/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_justified_in_saying/stats.test.json b/data/super_glue_rte_justified_in_saying/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..914738ad6b251f7ee252684dfc865f17487714af
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 288,
+  "inputs_tokens": 251764,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_justified_in_saying/stats.train.json b/data/super_glue_rte_justified_in_saying/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e2ed1031b882b2d5e567d962e5634bb6f2f35ad9
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 319,
+  "inputs_tokens": 218937,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2490
+}
diff --git a/data/super_glue_rte_justified_in_saying/stats.validation.json b/data/super_glue_rte_justified_in_saying/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..17e5abec89224214c7794c2925a814b5956b1917
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 285,
+  "inputs_tokens": 23805,
+  "targets_max_tokens": 1,
+  "targets_tokens": 277
+}
diff --git a/data/super_glue_rte_justified_in_saying/test.tfrecord-00000-of-00001 b/data/super_glue_rte_justified_in_saying/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f288a052d3fd6784e51e5fc92b6f730eae550633
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cdbcd7449e1a8fdf70536bfe69d6b8f3517bec3ed1eb15b830bc164a53694bdf
+size 1967424
diff --git a/data/super_glue_rte_justified_in_saying/train.tfrecord-00000-of-00001 b/data/super_glue_rte_justified_in_saying/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e1e4a2c10c52f315d5a71b0f14657048337a265b
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a40f4d07116df2e356373920b1b49430042a5e135b11172148a8fceddd5c4871
+size 1644352
diff --git a/data/super_glue_rte_justified_in_saying/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_justified_in_saying/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..86d00b8c7fdf5243b9d700b4bc889db842c647bf
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:624e36601329cc51ee31ab44b9a54aa1b31c3a8dc93fe44158de52ee8dd666ab
+size 178420
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/COMPLETED b/data/super_glue_rte_justified_in_saying_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/info.test.json b/data/super_glue_rte_justified_in_saying_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/info.train.json b/data/super_glue_rte_justified_in_saying_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/info.validation.json b/data/super_glue_rte_justified_in_saying_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/stats.test.json b/data/super_glue_rte_justified_in_saying_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9cbb6cd02da10166d19d52da082cbea4ba3528d4
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 288,
+  "inputs_tokens": 503528,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6000
+}
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/stats.train.json b/data/super_glue_rte_justified_in_saying_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..26f514a7fcf0cdcff09b48ef93b40d251e7088f0
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 319,
+  "inputs_tokens": 437874,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4980
+}
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/stats.validation.json b/data/super_glue_rte_justified_in_saying_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ba5565657aa5fede856b557061a66571302bef25
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 285,
+  "inputs_tokens": 47610,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_justified_in_saying_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e7a78b62cd1132a7d98f71e90966a56fbedd1246
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7bd66d5635d6b00c1fe4191779b3626a10f8e7b5c2bba0dda8c8f246246a847c
+size 3985592
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_justified_in_saying_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b13f9ec87e1e6297ff84162a9b86072716920c57
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dca5a3f528c010a9005be7d088719c3a9768c7f5f670f128bb98dea4405c2e7b
+size 3417920
diff --git a/data/super_glue_rte_justified_in_saying_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_justified_in_saying_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2c296f17813d821914e4a7271a6d652bf90231b1
--- /dev/null
+++ b/data/super_glue_rte_justified_in_saying_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:76e6c6db6a9703f335aeadee1365fed966dbcd0c25b0a6c3bdd109f07d8703f5
+size 370973
diff --git a/data/super_glue_rte_must_be_true/COMPLETED b/data/super_glue_rte_must_be_true/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_must_be_true/info.test.json b/data/super_glue_rte_must_be_true/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_must_be_true/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_must_be_true/info.train.json b/data/super_glue_rte_must_be_true/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_must_be_true/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_must_be_true/info.validation.json b/data/super_glue_rte_must_be_true/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_must_be_true/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_must_be_true/stats.test.json b/data/super_glue_rte_must_be_true/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6024e94ce86664e786f438c638fb3dbf0a920b47
--- /dev/null
+++ b/data/super_glue_rte_must_be_true/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 291,
+  "inputs_tokens": 260764,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_must_be_true/stats.train.json b/data/super_glue_rte_must_be_true/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ec7ede4be1c845f61d8ffa4776819ff6ce6df9d6
--- /dev/null
+++ b/data/super_glue_rte_must_be_true/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 322,
+  "inputs_tokens": 226407,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2490
+}
diff --git a/data/super_glue_rte_must_be_true/stats.validation.json b/data/super_glue_rte_must_be_true/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c8c4c22c693024254c910ca217d1457c5d67dd3f
--- /dev/null
+++ b/data/super_glue_rte_must_be_true/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 288,
+  "inputs_tokens": 24636,
+  "targets_max_tokens": 1,
+  "targets_tokens": 277
+}
diff --git a/data/super_glue_rte_must_be_true/test.tfrecord-00000-of-00001 b/data/super_glue_rte_must_be_true/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6c0229f8894d1ea7e1f82ccf11aa6cfa5c3dfe92
--- /dev/null
+++ b/data/super_glue_rte_must_be_true/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b76712c2c53930d6078f7ddbe4ccb718899073c4a408823218d9b2fb4ada5c0c
+size 2009751
diff --git a/data/super_glue_rte_must_be_true/train.tfrecord-00000-of-00001 b/data/super_glue_rte_must_be_true/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c636b290dd25ef39b117b1f8d967d02f35f6d3e4
--- /dev/null
+++ b/data/super_glue_rte_must_be_true/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8d3524e72ec8f93543b990dae2c003451efe03897dfa26a5c974e349984c7f29
+size 1679488
diff --git a/data/super_glue_rte_must_be_true/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_must_be_true/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..63882b348b9a7891123f103869efb29eeebd590e
--- /dev/null
+++ b/data/super_glue_rte_must_be_true/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:86a365edcf3405a8e2f2ac48ac8f5037661e7357f5899674abc9bfd2714c08e0
+size 182327
diff --git a/data/super_glue_rte_must_be_true_score_eval/COMPLETED b/data/super_glue_rte_must_be_true_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_must_be_true_score_eval/info.test.json b/data/super_glue_rte_must_be_true_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_must_be_true_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_must_be_true_score_eval/info.train.json b/data/super_glue_rte_must_be_true_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_must_be_true_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_must_be_true_score_eval/info.validation.json b/data/super_glue_rte_must_be_true_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_must_be_true_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_must_be_true_score_eval/stats.test.json b/data/super_glue_rte_must_be_true_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c5476bf54d46e62bef892633c3d1756dc909d447
--- /dev/null
+++ b/data/super_glue_rte_must_be_true_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 291,
+  "inputs_tokens": 521528,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6000
+}
diff --git a/data/super_glue_rte_must_be_true_score_eval/stats.train.json b/data/super_glue_rte_must_be_true_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..44391a99c0580a21cc0602d15b8f96252d0b3f8c
--- /dev/null
+++ b/data/super_glue_rte_must_be_true_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 322,
+  "inputs_tokens": 452814,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4980
+}
diff --git a/data/super_glue_rte_must_be_true_score_eval/stats.validation.json b/data/super_glue_rte_must_be_true_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6266ebfc0185035e7811b61cd46f09fa40756e75
--- /dev/null
+++ b/data/super_glue_rte_must_be_true_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 288,
+  "inputs_tokens": 49272,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_rte_must_be_true_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_must_be_true_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b493fe6877ac81475a8638ed63815d9de66ee270
--- /dev/null
+++ b/data/super_glue_rte_must_be_true_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f7d3cbe05c41e961732f7de4295b77f97c9db94b4caab08dce3ead3c9e9d12ad
+size 4070246
diff --git a/data/super_glue_rte_must_be_true_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_must_be_true_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..78a6d0a600053d851393328688d323f21e14fe79
--- /dev/null
+++ b/data/super_glue_rte_must_be_true_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:233950136a389d834ca2f8a45cd813db33eba63baaa28d60783731ab601aa2cf
+size 3488192
diff --git a/data/super_glue_rte_must_be_true_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_must_be_true_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f9d93f9732a3905cf3d70ab592deec29936c5615
--- /dev/null
+++ b/data/super_glue_rte_must_be_true_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eb777731a399aff26d10b251e8e5d9500d085fad26f7629ac5e37989f4d8c223
+size 378787
diff --git a/data/super_glue_rte_should_assume/COMPLETED b/data/super_glue_rte_should_assume/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_should_assume/info.test.json b/data/super_glue_rte_should_assume/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_should_assume/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_should_assume/info.train.json b/data/super_glue_rte_should_assume/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_should_assume/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_should_assume/info.validation.json b/data/super_glue_rte_should_assume/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_rte_should_assume/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_should_assume/stats.test.json b/data/super_glue_rte_should_assume/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7918705de17e9f342c92d11d9ce9958e25362c7c
--- /dev/null
+++ b/data/super_glue_rte_should_assume/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3000,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 254764,
+  "targets_max_tokens": 7,
+  "targets_tokens": 21000
+}
diff --git a/data/super_glue_rte_should_assume/stats.train.json b/data/super_glue_rte_should_assume/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d9d2bced83a35a2ebd93a21985fee82960f45a8d
--- /dev/null
+++ b/data/super_glue_rte_should_assume/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2490,
+  "inputs_max_tokens": 320,
+  "inputs_tokens": 221427,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2490
+}
diff --git a/data/super_glue_rte_should_assume/stats.validation.json b/data/super_glue_rte_should_assume/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a8436883de43e099fa8988f472889649fd822eeb
--- /dev/null
+++ b/data/super_glue_rte_should_assume/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 277,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 24082,
+  "targets_max_tokens": 1,
+  "targets_tokens": 277
+}
diff --git a/data/super_glue_rte_should_assume/test.tfrecord-00000-of-00001 b/data/super_glue_rte_should_assume/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..71d6b34ba8740bf39824ea9e7b37b549dfe0a4e3
--- /dev/null
+++ b/data/super_glue_rte_should_assume/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d0a40d96dd5cc02e7d23798d3976685e4659b1ff20617b10659512a2fd979a7b
+size 1982546
diff --git a/data/super_glue_rte_should_assume/train.tfrecord-00000-of-00001 b/data/super_glue_rte_should_assume/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d02cac073d046b453a9eeed9ebbe95bc538cda19
--- /dev/null
+++ b/data/super_glue_rte_should_assume/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:93b0c9a5e20fb20128b22cf6cfe0ffb2a4a8b3b3b98dca29ce0acdf09bc79a68
+size 1656908
diff --git a/data/super_glue_rte_should_assume/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_should_assume/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9a60100ee62d946671937dc84e77b2751fb9e6b2
--- /dev/null
+++ b/data/super_glue_rte_should_assume/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6a8d3f748f21c5ebb53f711d760f1e7893476d11179aa31c10ca3e7f7a7f88c3
+size 179812
diff --git a/data/super_glue_rte_should_assume_score_eval/COMPLETED b/data/super_glue_rte_should_assume_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_rte_should_assume_score_eval/info.test.json b/data/super_glue_rte_should_assume_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_should_assume_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_should_assume_score_eval/info.train.json b/data/super_glue_rte_should_assume_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_should_assume_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_should_assume_score_eval/info.validation.json b/data/super_glue_rte_should_assume_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_rte_should_assume_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_rte_should_assume_score_eval/stats.test.json b/data/super_glue_rte_should_assume_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b1c9738aeab0cefb178d6feb80b7896e7e9a03d
--- /dev/null
+++ b/data/super_glue_rte_should_assume_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6000,
+  "inputs_max_tokens": 289,
+  "inputs_tokens": 509528,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6000
+}
diff --git a/data/super_glue_rte_should_assume_score_eval/stats.train.json b/data/super_glue_rte_should_assume_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0f112e5a7ffdd516bb49b005a24c480ee296f0db
--- /dev/null
+++ b/data/super_glue_rte_should_assume_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 4980,
+  "inputs_max_tokens": 320,
+  "inputs_tokens": 442854,
+  "targets_max_tokens": 1,
+  "targets_tokens": 4980
+}
diff --git a/data/super_glue_rte_should_assume_score_eval/stats.validation.json b/data/super_glue_rte_should_assume_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8314e2ff9b63ca1de653641671e889665da076fe
--- /dev/null
+++ b/data/super_glue_rte_should_assume_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 286,
+  "inputs_tokens": 48164,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_rte_should_assume_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_rte_should_assume_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b26377b8761a2282b13f5c9c8f40f06415e6d5cc
--- /dev/null
+++ b/data/super_glue_rte_should_assume_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:830c907ba6918f2c597e5dc56d28ca50ce12b61d17af0999cdc0c1c5b66833df
+size 4015836
diff --git a/data/super_glue_rte_should_assume_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_rte_should_assume_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b43586b97d12c4d7889e142c6bc4d0aaddbd6418
--- /dev/null
+++ b/data/super_glue_rte_should_assume_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:83899a7d67abdf3044934c630b13ca01010e136595695f581a3b06d52a898b5f
+size 3443032
diff --git a/data/super_glue_rte_should_assume_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_rte_should_assume_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..df560dd6a8dc48af5c6f8529a972315cb3452b96
--- /dev/null
+++ b/data/super_glue_rte_should_assume_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:00e4490fffd9b7c35f29ff2d8f4d4cf43d11933353f3c558ee54b889c3e2a252
+size 373757
diff --git a/data/super_glue_wic_GPT_3_prompt/COMPLETED b/data/super_glue_wic_GPT_3_prompt/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_GPT_3_prompt/info.test.json b/data/super_glue_wic_GPT_3_prompt/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt/info.train.json b/data/super_glue_wic_GPT_3_prompt/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt/info.validation.json b/data/super_glue_wic_GPT_3_prompt/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt/stats.test.json b/data/super_glue_wic_GPT_3_prompt/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..280830d2cd22024e471786c774575722574421da
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 59782,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_GPT_3_prompt/stats.train.json b/data/super_glue_wic_GPT_3_prompt/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..eb50b53cf07ac37d4ce2e085b553e26d1b502758
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 222068,
+  "targets_max_tokens": 1,
+  "targets_tokens": 5428
+}
diff --git a/data/super_glue_wic_GPT_3_prompt/stats.validation.json b/data/super_glue_wic_GPT_3_prompt/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b1f5deece407d8edb030861f61860a2446baa393
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 27192,
+  "targets_max_tokens": 1,
+  "targets_tokens": 638
+}
diff --git a/data/super_glue_wic_GPT_3_prompt/test.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..afc0ca9a400dfcc819be4ee4078fc17b85f63bd2
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3522c855a1dee34f1294319cb94ed7c34cb04668c19878c355ae870033154316
+size 556725
diff --git a/data/super_glue_wic_GPT_3_prompt/train.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0244213b53d8738daa5ccf1001c4d233d8808d2d
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7065b38252904d744ffa403f18b27e044639c33d36d0b0fb49db56fb7ec5c90c
+size 2012375
diff --git a/data/super_glue_wic_GPT_3_prompt/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fa61907351b6d702b4f77483c9332368a5dd1a18
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f216e12e1399ebbef9308999e43e4261ae3b4e1c22cb34b64a995c399da21b55
+size 242822
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/COMPLETED b/data/super_glue_wic_GPT_3_prompt_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/info.test.json b/data/super_glue_wic_GPT_3_prompt_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/info.train.json b/data/super_glue_wic_GPT_3_prompt_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/info.validation.json b/data/super_glue_wic_GPT_3_prompt_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/stats.test.json b/data/super_glue_wic_GPT_3_prompt_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1a3608d33a42ac2b685dbfa8b80c2ca9d869e545
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 119564,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2800
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/stats.train.json b/data/super_glue_wic_GPT_3_prompt_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e65098278e6b1a13d728ef98992ecf1240b0b28
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 444136,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/stats.validation.json b/data/super_glue_wic_GPT_3_prompt_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..44da202ed3a5f744d3bde3103ae55252c156340d
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 54384,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2e6970bd04431897cdf4f710dbbd9627c7d081b5
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:93fa24ce4315d0e4ba9df8e826c257d9218eb08272c560a83f954bc5ace844c0
+size 1136994
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..da29d2358e064508c5aa40de76ee2876944c6be4
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cdf75310f8d7d65f64ccc2bacf528e436711f45b1461995ea5c23c1cbac8e643
+size 4306750
diff --git a/data/super_glue_wic_GPT_3_prompt_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c0096e9d047ea848f23144e259dd0dd6dfaf916f
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c5c09b6bd7aaecf2f14f412ed290f2ebb642cc3af9c8e1646c5acbdc39517218
+size 518564
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/COMPLETED b/data/super_glue_wic_GPT_3_prompt_with_label/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/info.test.json b/data/super_glue_wic_GPT_3_prompt_with_label/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/info.train.json b/data/super_glue_wic_GPT_3_prompt_with_label/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/info.validation.json b/data/super_glue_wic_GPT_3_prompt_with_label/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/stats.test.json b/data/super_glue_wic_GPT_3_prompt_with_label/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9eeeed6578f47dfc502b69ac68ae8afa2064de86
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 89,
+  "inputs_tokens": 65382,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/stats.train.json b/data/super_glue_wic_GPT_3_prompt_with_label/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..dc046859f689c7872bb8700c811d39255a69eae1
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 98,
+  "inputs_tokens": 243780,
+  "targets_max_tokens": 1,
+  "targets_tokens": 5428
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/stats.validation.json b/data/super_glue_wic_GPT_3_prompt_with_label/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d23bb9d11f95832cff4f8bc77682b1967acb3fe
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 89,
+  "inputs_tokens": 29744,
+  "targets_max_tokens": 1,
+  "targets_tokens": 638
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/test.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt_with_label/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9604be676609515f80c9df7516fc44acec4a7925
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:74f1cded6d89ce5828d195774db37fdf441f7834f27ca44b77948c23e15ba8d3
+size 577946
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/train.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt_with_label/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..45b71a32b54716a8b5291fc5d352d415b43fb826
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d2704ccfbe6664e8c61bfb0360ba388ca50876b38c24c22ea0e3e0f4e10cb01e
+size 2094914
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt_with_label/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5dcba128a7741994809355eb16aeb09719216690
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0a8ad9cfa2efd83ff58cd5000d44a62e068ebb3f9c61f38a7bf34609ca325a85
+size 252492
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/COMPLETED b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/info.test.json b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/info.train.json b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/info.validation.json b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/stats.test.json b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..81774f1ec279bb400a747f6201d54b4eaba9b92a
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 89,
+  "inputs_tokens": 130764,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2800
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/stats.train.json b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7f81abcf8646e6e76bc628dbea81b09aa0d9c1db
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 98,
+  "inputs_tokens": 487560,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/stats.validation.json b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..29dd4aeeca2615000408809c5d94e117ea60a27f
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 89,
+  "inputs_tokens": 59488,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c2096b3cc508c3529f71b5c2d39245aba6ebf766
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6a84ce1dd6780d37e494461d0d119fc9e9b55aa099d7442a024080e970bbd79c
+size 1179436
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..32345e19aae93bf72d209391d38fdebe647cbd94
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:55d7b4ac75262e473fb8c5e46cce3f579b3a33045ede71d8e8dae0b43d1ae6c1
+size 4471828
diff --git a/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ffcf171dcc9382124395337f0e81e7ebb3dada73
--- /dev/null
+++ b/data/super_glue_wic_GPT_3_prompt_with_label_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:40f3ad1f9a400bf84227eac162bb74fa67949b6dbf07bcb388c414ff82977efb
+size 537904
diff --git a/data/super_glue_wic_affirmation_true_or_false/COMPLETED b/data/super_glue_wic_affirmation_true_or_false/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_affirmation_true_or_false/info.test.json b/data/super_glue_wic_affirmation_true_or_false/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false/info.train.json b/data/super_glue_wic_affirmation_true_or_false/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false/info.validation.json b/data/super_glue_wic_affirmation_true_or_false/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false/stats.test.json b/data/super_glue_wic_affirmation_true_or_false/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c9cb8d68cc4f3352f840f9b8f009c22e4948e24a
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 72382,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false/stats.train.json b/data/super_glue_wic_affirmation_true_or_false/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c5600993ce13ce6680dba86aaed181dcca89fef0
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 103,
+  "inputs_tokens": 270920,
+  "targets_max_tokens": 3,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false/stats.validation.json b/data/super_glue_wic_affirmation_true_or_false/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6e0dc23d24fc906b25509508f615c37b548b239f
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 32934,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false/test.tfrecord-00000-of-00001 b/data/super_glue_wic_affirmation_true_or_false/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2c098bba158f59f9ba0fb5a05833c60ba7ddc131
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ddba409762d858cb161ed987e742dfb452b252ad855886af5770570756893a15
+size 594788
diff --git a/data/super_glue_wic_affirmation_true_or_false/train.tfrecord-00000-of-00001 b/data/super_glue_wic_affirmation_true_or_false/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..905870217366ff9bbe3f049b1cda51b4a219bb6d
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4b836c2b7e793473561bcccf5772e05f321bff2685b85096c222f6da3e2c470a
+size 2176513
diff --git a/data/super_glue_wic_affirmation_true_or_false/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_affirmation_true_or_false/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fa7677cdea7bd080138e69f0007989d85e2c1b4c
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2bf118f422923a95e962a4e9b8b97fc0b055fb77cef9db8aee0922e21b45de44
+size 262074
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/COMPLETED b/data/super_glue_wic_affirmation_true_or_false_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/info.test.json b/data/super_glue_wic_affirmation_true_or_false_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/info.train.json b/data/super_glue_wic_affirmation_true_or_false_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/info.validation.json b/data/super_glue_wic_affirmation_true_or_false_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/stats.test.json b/data/super_glue_wic_affirmation_true_or_false_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ad4bd3b08d16b4ec8b4293344272e002425fbb9
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 144764,
+  "targets_max_tokens": 3,
+  "targets_tokens": 5600
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/stats.train.json b/data/super_glue_wic_affirmation_true_or_false_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8ca5363a80f57d3a049375121d52e25e670dc666
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 103,
+  "inputs_tokens": 541840,
+  "targets_max_tokens": 3,
+  "targets_tokens": 21712
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/stats.validation.json b/data/super_glue_wic_affirmation_true_or_false_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c95b09afc0ab71d0afcc3a68f0c77f7e4cbc2884
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 65868,
+  "targets_max_tokens": 3,
+  "targets_tokens": 2552
+}
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_affirmation_true_or_false_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d4c241f30d5ab3033fc444a9a5948889fbd2af7a
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f494741f8f88836d25f81acb6f1340a910d691c2a753e32dac3c5dbaee9a835b
+size 1210320
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_affirmation_true_or_false_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0c40d31a86458f9204d426f3710e4d9200ab7eb3
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b8ae4ccb94546f3c20079b7d2c385e751d1cdaed93a056bc05959184acffcb3f
+size 4591602
diff --git a/data/super_glue_wic_affirmation_true_or_false_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_affirmation_true_or_false_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e47565c71e8d726975c62dc217529b52e3c535f4
--- /dev/null
+++ b/data/super_glue_wic_affirmation_true_or_false_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dc7e4c7da81b596a0ab639253fe70e91b84838e8beaf950af353d5359aee1e66
+size 551964
diff --git a/data/super_glue_wic_grammar_homework/COMPLETED b/data/super_glue_wic_grammar_homework/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_grammar_homework/info.test.json b/data/super_glue_wic_grammar_homework/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_grammar_homework/info.train.json b/data/super_glue_wic_grammar_homework/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_grammar_homework/info.validation.json b/data/super_glue_wic_grammar_homework/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_grammar_homework/stats.test.json b/data/super_glue_wic_grammar_homework/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ac96ae7688df310c5cce5da12dd52c74e12a9bb6
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 69582,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_grammar_homework/stats.train.json b/data/super_glue_wic_grammar_homework/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f96cedc6d1c688f7e86c09aa2b59c805259982b7
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 101,
+  "inputs_tokens": 260064,
+  "targets_max_tokens": 1,
+  "targets_tokens": 5428
+}
diff --git a/data/super_glue_wic_grammar_homework/stats.validation.json b/data/super_glue_wic_grammar_homework/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..92216706f7e81e34b5819182c54431c523fb1445
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 31658,
+  "targets_max_tokens": 1,
+  "targets_tokens": 638
+}
diff --git a/data/super_glue_wic_grammar_homework/test.tfrecord-00000-of-00001 b/data/super_glue_wic_grammar_homework/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f2d5acc08d3ca31b69e8f9d9c30e9ac2e47a9e7a
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0f8de58defef6a84cbead88055568776cd4023702a199fee7d1a919b902f2847
+size 638292
diff --git a/data/super_glue_wic_grammar_homework/train.tfrecord-00000-of-00001 b/data/super_glue_wic_grammar_homework/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..39de5549bd7a6b181fcdfa97a8fd5c3b41101089
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b7b180cb5129db4b6e2dc7faf0f94f341c86054eb0e908f6e3503f6b5737b029
+size 2329130
diff --git a/data/super_glue_wic_grammar_homework/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_grammar_homework/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f85455697d7beb5160b25d2164e3f5984aafba29
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:231dcc9eab77d158f157e14e00b0792436526518b7a5921b879617ba319ca047
+size 279975
diff --git a/data/super_glue_wic_grammar_homework_score_eval/COMPLETED b/data/super_glue_wic_grammar_homework_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_grammar_homework_score_eval/info.test.json b/data/super_glue_wic_grammar_homework_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_grammar_homework_score_eval/info.train.json b/data/super_glue_wic_grammar_homework_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_grammar_homework_score_eval/info.validation.json b/data/super_glue_wic_grammar_homework_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_grammar_homework_score_eval/stats.test.json b/data/super_glue_wic_grammar_homework_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..934fccabebb7132a504bff97d6e6b4868c9ac174
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 139164,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2800
+}
diff --git a/data/super_glue_wic_grammar_homework_score_eval/stats.train.json b/data/super_glue_wic_grammar_homework_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..33a2917a6ca25a36e967a982d6978065721a3cad
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 101,
+  "inputs_tokens": 520128,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_grammar_homework_score_eval/stats.validation.json b/data/super_glue_wic_grammar_homework_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6e78114a353e7156d65ab58771abe22a5ee126b9
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 63316,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_grammar_homework_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_grammar_homework_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6726eacd86eb966650cee174617924f498f83c92
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b832075bb4147fbc3a1b56b7d976261df92d634ad86abf40728105c2afbadc29
+size 1300128
diff --git a/data/super_glue_wic_grammar_homework_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_grammar_homework_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8be72c893b0229661ddc7bfbf333249857349d5c
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:81ad357a015589ced2cb0aec865b3f2b0e321f790acab1fece79d278d1a37a57
+size 4940260
diff --git a/data/super_glue_wic_grammar_homework_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_grammar_homework_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cb0387052a67e952485b3e7179af229f8e3f39a4
--- /dev/null
+++ b/data/super_glue_wic_grammar_homework_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bc52adf90a779b84a35544356c5bebb046de5db3b8c8801caccf3092c8c2121f
+size 592870
diff --git a/data/super_glue_wic_polysemous/COMPLETED b/data/super_glue_wic_polysemous/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_polysemous/info.test.json b/data/super_glue_wic_polysemous/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_polysemous/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_polysemous/info.train.json b/data/super_glue_wic_polysemous/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_polysemous/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_polysemous/info.validation.json b/data/super_glue_wic_polysemous/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_polysemous/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_polysemous/stats.test.json b/data/super_glue_wic_polysemous/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ac45d1f2b750e43384cb555b36560a65c7e01cfa
--- /dev/null
+++ b/data/super_glue_wic_polysemous/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 100,
+  "inputs_tokens": 80782,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_polysemous/stats.train.json b/data/super_glue_wic_polysemous/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9d73395f8b332cb0cc5d1cd45a8a2b85b34d970a
--- /dev/null
+++ b/data/super_glue_wic_polysemous/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 109,
+  "inputs_tokens": 303488,
+  "targets_max_tokens": 1,
+  "targets_tokens": 5428
+}
diff --git a/data/super_glue_wic_polysemous/stats.validation.json b/data/super_glue_wic_polysemous/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..eb472567b4f3dedf6ad2fa04525f8962766ee853
--- /dev/null
+++ b/data/super_glue_wic_polysemous/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 100,
+  "inputs_tokens": 36762,
+  "targets_max_tokens": 1,
+  "targets_tokens": 638
+}
diff --git a/data/super_glue_wic_polysemous/test.tfrecord-00000-of-00001 b/data/super_glue_wic_polysemous/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e20ffe88da102ac3f32342f54e0a52f0a62b7fed
--- /dev/null
+++ b/data/super_glue_wic_polysemous/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2e03031d5dcc1639e66bc05eff6fe6b59e7e85a94431e9e8784d2528cfe7e704
+size 656553
diff --git a/data/super_glue_wic_polysemous/train.tfrecord-00000-of-00001 b/data/super_glue_wic_polysemous/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3d24b5fc88bda32b86f06a9af1ed70f35705dd2b
--- /dev/null
+++ b/data/super_glue_wic_polysemous/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:627da9ba7afb62bc0d76f72675541e2e9e7839e7e913bdb7be1f62f89454005d
+size 2399813
diff --git a/data/super_glue_wic_polysemous/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_polysemous/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8b40add18b45a034266be01f8f166f2805fd07fd
--- /dev/null
+++ b/data/super_glue_wic_polysemous/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fd800ea964efb2e5f5bdda7cf72fb68c3406f5ca9c552b6392a4b9a771834829
+size 288287
diff --git a/data/super_glue_wic_polysemous_score_eval/COMPLETED b/data/super_glue_wic_polysemous_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_polysemous_score_eval/info.test.json b/data/super_glue_wic_polysemous_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_polysemous_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_polysemous_score_eval/info.train.json b/data/super_glue_wic_polysemous_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_polysemous_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_polysemous_score_eval/info.validation.json b/data/super_glue_wic_polysemous_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_polysemous_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_polysemous_score_eval/stats.test.json b/data/super_glue_wic_polysemous_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f5433659e8343d7af7907c67b429f7707e677d2a
--- /dev/null
+++ b/data/super_glue_wic_polysemous_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 100,
+  "inputs_tokens": 161564,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2800
+}
diff --git a/data/super_glue_wic_polysemous_score_eval/stats.train.json b/data/super_glue_wic_polysemous_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c534b23b4306bea2f15e980643617acdf728f53f
--- /dev/null
+++ b/data/super_glue_wic_polysemous_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 109,
+  "inputs_tokens": 606976,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_polysemous_score_eval/stats.validation.json b/data/super_glue_wic_polysemous_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3f64316b39adf0098908bdc8b08a6a512c562fa7
--- /dev/null
+++ b/data/super_glue_wic_polysemous_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 100,
+  "inputs_tokens": 73524,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_polysemous_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_polysemous_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..64731574dfe35db129de42e5eeb8132242fa97be
--- /dev/null
+++ b/data/super_glue_wic_polysemous_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a3f1f552f137b3bbef37ad1f11770bf82422f7940d954976f8533c2bbe9ca2a1
+size 1336650
diff --git a/data/super_glue_wic_polysemous_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_polysemous_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5251d482fb0ec6960a23de9c8e330ff6de5d4555
--- /dev/null
+++ b/data/super_glue_wic_polysemous_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3423b831814f9925ccfe67b1121c21076166920bdbf45792013e97f91ea8a034
+size 5081626
diff --git a/data/super_glue_wic_polysemous_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_polysemous_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cf87e7c5b720194ae38a0888612421d03083317a
--- /dev/null
+++ b/data/super_glue_wic_polysemous_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ea229ee988c77ceba93ff9fa9a9eda6344f35191357adfba5cbfaaba30dcb86f
+size 609494
diff --git a/data/super_glue_wic_question_context/COMPLETED b/data/super_glue_wic_question_context/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_question_context/info.test.json b/data/super_glue_wic_question_context/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_question_context/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context/info.train.json b/data/super_glue_wic_question_context/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_question_context/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context/info.validation.json b/data/super_glue_wic_question_context/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_question_context/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context/stats.test.json b/data/super_glue_wic_question_context/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..280830d2cd22024e471786c774575722574421da
--- /dev/null
+++ b/data/super_glue_wic_question_context/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 59782,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_question_context/stats.train.json b/data/super_glue_wic_question_context/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..eb50b53cf07ac37d4ce2e085b553e26d1b502758
--- /dev/null
+++ b/data/super_glue_wic_question_context/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 222068,
+  "targets_max_tokens": 1,
+  "targets_tokens": 5428
+}
diff --git a/data/super_glue_wic_question_context/stats.validation.json b/data/super_glue_wic_question_context/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b1f5deece407d8edb030861f61860a2446baa393
--- /dev/null
+++ b/data/super_glue_wic_question_context/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 27192,
+  "targets_max_tokens": 1,
+  "targets_tokens": 638
+}
diff --git a/data/super_glue_wic_question_context/test.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0b19aa695623a88052dce7266850f79010af71b8
--- /dev/null
+++ b/data/super_glue_wic_question_context/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:18d5fc6a0d1006930c09734c16b3a05cb5635108e7fba400bb0958f8a586c3bd
+size 560985
diff --git a/data/super_glue_wic_question_context/train.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7734269f3e358c45e251d9a3e80ff304628a17dd
--- /dev/null
+++ b/data/super_glue_wic_question_context/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5664d6a9ab633ff41369d15797de9dbf3c89261a08540487e69ebf8e759e1263
+size 2028958
diff --git a/data/super_glue_wic_question_context/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1ec2f619fdf6f9c18d63fe9239787115e8af9287
--- /dev/null
+++ b/data/super_glue_wic_question_context/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dee28c939d6752497c4fd9605d86560d4becb7c7a928799f956ee723082fcbea
+size 244764
diff --git a/data/super_glue_wic_question_context_meaning/COMPLETED b/data/super_glue_wic_question_context_meaning/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_question_context_meaning/info.test.json b/data/super_glue_wic_question_context_meaning/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning/info.train.json b/data/super_glue_wic_question_context_meaning/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning/info.validation.json b/data/super_glue_wic_question_context_meaning/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning/stats.test.json b/data/super_glue_wic_question_context_meaning/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..29b7f40ea795aeab2041c8a7531689801965b097
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 79,
+  "inputs_tokens": 51382,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_question_context_meaning/stats.train.json b/data/super_glue_wic_question_context_meaning/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5e8f24b82c37d4bf6ff9f90fd7e8f13d9d224517
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 88,
+  "inputs_tokens": 189500,
+  "targets_max_tokens": 1,
+  "targets_tokens": 5428
+}
diff --git a/data/super_glue_wic_question_context_meaning/stats.validation.json b/data/super_glue_wic_question_context_meaning/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..70fffc07f6dfe1bf4c072afd395bab273dadc086
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 79,
+  "inputs_tokens": 23364,
+  "targets_max_tokens": 1,
+  "targets_tokens": 638
+}
diff --git a/data/super_glue_wic_question_context_meaning/test.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fe9696b76e1bed582084d903f027ca04c1184479
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e55f18b737649dc7e04599f12df96f11b564786054b420b1116ab932cd888a9b
+size 528140
diff --git a/data/super_glue_wic_question_context_meaning/train.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d6678e788f8f6fc0ca82dec5976d6b63272519d0
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:665036feaca070c1f7db0d4c82c91793b739bb1ec39acb436a4d36600896fb31
+size 1901150
diff --git a/data/super_glue_wic_question_context_meaning/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..13f6bb0f340efe3179f802f8f67c9189365ce7f7
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a8cf60bfb671d40b023857c71f6d7ce347ef3e10a3fe87fb79b69cbf860cbe91
+size 229800
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/COMPLETED b/data/super_glue_wic_question_context_meaning_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/info.test.json b/data/super_glue_wic_question_context_meaning_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/info.train.json b/data/super_glue_wic_question_context_meaning_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/info.validation.json b/data/super_glue_wic_question_context_meaning_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/stats.test.json b/data/super_glue_wic_question_context_meaning_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7484a8be22a9b18d5b62065c941a3389f2bca4c1
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 79,
+  "inputs_tokens": 102764,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2800
+}
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/stats.train.json b/data/super_glue_wic_question_context_meaning_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ccc1c8caa17ba98cd04af2d9e9d27d634b52efa0
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 88,
+  "inputs_tokens": 379000,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/stats.validation.json b/data/super_glue_wic_question_context_meaning_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8916591a532e6127340acbf8b7217787388f312c
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 79,
+  "inputs_tokens": 46728,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dcbec900dccae55fb7db235374e96711975ef7f7
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ad3d82715283b6897f814551755435af0fbc366a6b8c966efdffbc82b5e6392d
+size 1079824
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2f9b189dfbe108f0d1d815b5a09df8a6e7929338
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b95ea01ef4462289bcfb411105c4c4d46dc92afd31869822543ee83e4a0475cd
+size 4084300
diff --git a/data/super_glue_wic_question_context_meaning_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8cbff5e96b46fb3b52cc6ce7a34f5b81cf4e3fde
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:35cc8ca96ee9847ee96c56e1e9897aa12cb27a03154e5d3d30ac1d9bcfd5d413
+size 492520
diff --git a/data/super_glue_wic_question_context_meaning_with_label/COMPLETED b/data/super_glue_wic_question_context_meaning_with_label/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_question_context_meaning_with_label/info.test.json b/data/super_glue_wic_question_context_meaning_with_label/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label/info.train.json b/data/super_glue_wic_question_context_meaning_with_label/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label/info.validation.json b/data/super_glue_wic_question_context_meaning_with_label/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label/stats.test.json b/data/super_glue_wic_question_context_meaning_with_label/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..50250d5df6be84e36822f3af75cc0fa3597ad123
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 83,
+  "inputs_tokens": 56982,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label/stats.train.json b/data/super_glue_wic_question_context_meaning_with_label/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..47efca0fd3ab5ffbd80c142735aafbd723c7aecc
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 211212,
+  "targets_max_tokens": 1,
+  "targets_tokens": 5428
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label/stats.validation.json b/data/super_glue_wic_question_context_meaning_with_label/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1feef1c823ffcac4807bfcc4abd163f60d7b74c4
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 83,
+  "inputs_tokens": 25916,
+  "targets_max_tokens": 1,
+  "targets_tokens": 638
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label/test.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning_with_label/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3484c7993e72c9fc78fa9c58d683975e9a000d35
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:333d5547d4beabdba35750a8b6913dbb6372cb0804edf9d6133fc156ead6bd90
+size 549575
diff --git a/data/super_glue_wic_question_context_meaning_with_label/train.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning_with_label/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..56bff93e14762b26e01530b6845a3a73268a6ed8
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e3aa0f59f91cad9d1255e93d39f1dbda034524278ee5a38e3c62861821b2dc56
+size 1984535
diff --git a/data/super_glue_wic_question_context_meaning_with_label/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning_with_label/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ce8612d4140606f73f223189629ffc9d663299c1
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5c822d0b5a3eca7864afd6cc01304418fd7aaec7e819bbd496f0a65729d618cb
+size 239569
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/COMPLETED b/data/super_glue_wic_question_context_meaning_with_label_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/info.test.json b/data/super_glue_wic_question_context_meaning_with_label_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/info.train.json b/data/super_glue_wic_question_context_meaning_with_label_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/info.validation.json b/data/super_glue_wic_question_context_meaning_with_label_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/stats.test.json b/data/super_glue_wic_question_context_meaning_with_label_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..142a58b21c774a6db8a39de1e42e344b473736ad
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 83,
+  "inputs_tokens": 113964,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2800
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/stats.train.json b/data/super_glue_wic_question_context_meaning_with_label_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a453ad4008b94a630608247a81b5cb4cb3d67639
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 422424,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/stats.validation.json b/data/super_glue_wic_question_context_meaning_with_label_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7c50bf52c39558fadf2c2587be90a9327ed5c493
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 83,
+  "inputs_tokens": 51832,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning_with_label_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d1dd6569d377346fba6a2f0c99f42b731124164d
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:da9406f4444a5f116aef153e24984ec8b3e825dcd8d5058d49700cf51cdd4a1b
+size 1122694
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning_with_label_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e502d53aeecbc169371b655ee86fa2cc793976b
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:75f279f9e919f4e20b9df597389e004d8d0ce5117d3097823edfe4fdc2897ebb
+size 4251070
diff --git a/data/super_glue_wic_question_context_meaning_with_label_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_meaning_with_label_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5a0c677c7bb43d76dfdbb726e7b1b24ec6e95b73
--- /dev/null
+++ b/data/super_glue_wic_question_context_meaning_with_label_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:77e9a0710328b36cf99c4721167c972759dc661af2e1ee692e2ce0405e12fd37
+size 512058
diff --git a/data/super_glue_wic_question_context_score_eval/COMPLETED b/data/super_glue_wic_question_context_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_question_context_score_eval/info.test.json b/data/super_glue_wic_question_context_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_question_context_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_score_eval/info.train.json b/data/super_glue_wic_question_context_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_question_context_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_score_eval/info.validation.json b/data/super_glue_wic_question_context_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_question_context_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_question_context_score_eval/stats.test.json b/data/super_glue_wic_question_context_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1a3608d33a42ac2b685dbfa8b80c2ca9d869e545
--- /dev/null
+++ b/data/super_glue_wic_question_context_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 119564,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2800
+}
diff --git a/data/super_glue_wic_question_context_score_eval/stats.train.json b/data/super_glue_wic_question_context_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e65098278e6b1a13d728ef98992ecf1240b0b28
--- /dev/null
+++ b/data/super_glue_wic_question_context_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 444136,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_question_context_score_eval/stats.validation.json b/data/super_glue_wic_question_context_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..44da202ed3a5f744d3bde3103ae55252c156340d
--- /dev/null
+++ b/data/super_glue_wic_question_context_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 54384,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_question_context_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..296000401b5d08093bf3424508784832d0ec2a92
--- /dev/null
+++ b/data/super_glue_wic_question_context_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6a0c0f80e3d04ea459421d35b53234766c71b5fd05307687e553632abba98dc5
+size 1145514
diff --git a/data/super_glue_wic_question_context_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c06313634a4a25ec4bba6113d2bc122ce2d48e4a
--- /dev/null
+++ b/data/super_glue_wic_question_context_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:49ad7748af9b48039059f14b178b74af36ef5b6cf2c6615853bd6365fe47cd80
+size 4339916
diff --git a/data/super_glue_wic_question_context_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_question_context_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4c1404caf4d33540048301c2c170131bf385caaf
--- /dev/null
+++ b/data/super_glue_wic_question_context_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a7270a3b8cf657c774a97338ce3269705ec3eb4a86ec3358e6ccdf7dfdc2441c
+size 522448
diff --git a/data/super_glue_wic_same_sense/COMPLETED b/data/super_glue_wic_same_sense/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_same_sense/info.test.json b/data/super_glue_wic_same_sense/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_same_sense/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_same_sense/info.train.json b/data/super_glue_wic_same_sense/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_same_sense/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_same_sense/info.validation.json b/data/super_glue_wic_same_sense/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_same_sense/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_same_sense/stats.test.json b/data/super_glue_wic_same_sense/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..faa70f4f8937700101c1b9931729bfb5f4ccf198
--- /dev/null
+++ b/data/super_glue_wic_same_sense/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 73782,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_same_sense/stats.train.json b/data/super_glue_wic_same_sense/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..f5ce909b85e4690a7a03e006fd5e8b3b81968558
--- /dev/null
+++ b/data/super_glue_wic_same_sense/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 104,
+  "inputs_tokens": 276348,
+  "targets_max_tokens": 1,
+  "targets_tokens": 5428
+}
diff --git a/data/super_glue_wic_same_sense/stats.validation.json b/data/super_glue_wic_same_sense/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..839a8f7733c0979a0ab9405e5bd52413ec7a74ef
--- /dev/null
+++ b/data/super_glue_wic_same_sense/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 33572,
+  "targets_max_tokens": 1,
+  "targets_tokens": 638
+}
diff --git a/data/super_glue_wic_same_sense/test.tfrecord-00000-of-00001 b/data/super_glue_wic_same_sense/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6f0f30b32b1a82bb9ec4541b8ab3b4ef08f4093e
--- /dev/null
+++ b/data/super_glue_wic_same_sense/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:452ef3873c888f21ba2e7ca74e61a1c7856dd4004af7d55b77d70faaf0903c67
+size 632712
diff --git a/data/super_glue_wic_same_sense/train.tfrecord-00000-of-00001 b/data/super_glue_wic_same_sense/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2586a08ff4037bede248935239b58ae49c62127c
--- /dev/null
+++ b/data/super_glue_wic_same_sense/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:315a647eaa47ae9ad78fc9ab7db1180681c03c5a871457b9b1bf9b8cf175eb52
+size 2307470
diff --git a/data/super_glue_wic_same_sense/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_same_sense/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..df3086f4a6dc14b356764bbea17b13af5c195e19
--- /dev/null
+++ b/data/super_glue_wic_same_sense/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4d20a2d1638057bf26874d5852a92f5b3c1f29ddf0aeb6a610748889af351c3f
+size 277429
diff --git a/data/super_glue_wic_same_sense_score_eval/COMPLETED b/data/super_glue_wic_same_sense_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_same_sense_score_eval/info.test.json b/data/super_glue_wic_same_sense_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_same_sense_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_same_sense_score_eval/info.train.json b/data/super_glue_wic_same_sense_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_same_sense_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_same_sense_score_eval/info.validation.json b/data/super_glue_wic_same_sense_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_same_sense_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_same_sense_score_eval/stats.test.json b/data/super_glue_wic_same_sense_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6ba7a3483af55bde51f3f9450a2b13cb23801bbf
--- /dev/null
+++ b/data/super_glue_wic_same_sense_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 147564,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2800
+}
diff --git a/data/super_glue_wic_same_sense_score_eval/stats.train.json b/data/super_glue_wic_same_sense_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8fd614b9ad8f94633876a60241696bd6ec433c66
--- /dev/null
+++ b/data/super_glue_wic_same_sense_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 104,
+  "inputs_tokens": 552696,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_same_sense_score_eval/stats.validation.json b/data/super_glue_wic_same_sense_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b59532c0952c7a2c4020c25aed1adbb1d26a030c
--- /dev/null
+++ b/data/super_glue_wic_same_sense_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 95,
+  "inputs_tokens": 67144,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_same_sense_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_same_sense_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..18db039a0d5e5c76121da9d2144cc4999b91a9e7
--- /dev/null
+++ b/data/super_glue_wic_same_sense_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3691a65ac1d017b940b38ef9d0ce775fad91c2cfcb26d15a27691cefec2024c2
+size 1288968
diff --git a/data/super_glue_wic_same_sense_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_same_sense_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c880a292590bb96a8c633af71553330576c869da
--- /dev/null
+++ b/data/super_glue_wic_same_sense_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:740fffb899d9406603d9722096e441935b0f0be815f0763c2feb33a851bc3a3a
+size 4896940
diff --git a/data/super_glue_wic_same_sense_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_same_sense_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1eb6aac66db115d7a2195a00ff9af4df86f3df75
--- /dev/null
+++ b/data/super_glue_wic_same_sense_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:df893aa103a947113df4c3e9af36ceee7e29535542c2a0636f96f9bdab8dce7a
+size 587778
diff --git a/data/super_glue_wic_similar_sense/COMPLETED b/data/super_glue_wic_similar_sense/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_similar_sense/info.test.json b/data/super_glue_wic_similar_sense/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_similar_sense/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_similar_sense/info.train.json b/data/super_glue_wic_similar_sense/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_similar_sense/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_similar_sense/info.validation.json b/data/super_glue_wic_similar_sense/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wic_similar_sense/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_similar_sense/stats.test.json b/data/super_glue_wic_similar_sense/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..24c54df2c50089a612c0400c604b3e28b71f40b0
--- /dev/null
+++ b/data/super_glue_wic_similar_sense/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1400,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 36459,
+  "targets_max_tokens": 7,
+  "targets_tokens": 9800
+}
diff --git a/data/super_glue_wic_similar_sense/stats.train.json b/data/super_glue_wic_similar_sense/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..111df5615eaf1cdddc61d8ce9007de75d27d39c2
--- /dev/null
+++ b/data/super_glue_wic_similar_sense/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5428,
+  "inputs_max_tokens": 77,
+  "inputs_tokens": 132741,
+  "targets_max_tokens": 1,
+  "targets_tokens": 5428
+}
diff --git a/data/super_glue_wic_similar_sense/stats.validation.json b/data/super_glue_wic_similar_sense/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..86c1c387fec591c6b012b281e4eb61a4f5facab8
--- /dev/null
+++ b/data/super_glue_wic_similar_sense/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 638,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 16531,
+  "targets_max_tokens": 1,
+  "targets_tokens": 638
+}
diff --git a/data/super_glue_wic_similar_sense/test.tfrecord-00000-of-00001 b/data/super_glue_wic_similar_sense/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8c3f3ae2a45b03beb3b79cda53465770905e399a
--- /dev/null
+++ b/data/super_glue_wic_similar_sense/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:845631ed3aea08f9ad10745f7bd40da3c2742b5435d5516e6bb03ef7af50b72a
+size 441278
diff --git a/data/super_glue_wic_similar_sense/train.tfrecord-00000-of-00001 b/data/super_glue_wic_similar_sense/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2b329b1bade0de8abbe9b906470ac6b0cb9dd78d
--- /dev/null
+++ b/data/super_glue_wic_similar_sense/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ea0b6f54025a814d0653c6b2e8c82332cbc3476a54e4bd25a3f6de8d6097658e
+size 1564818
diff --git a/data/super_glue_wic_similar_sense/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_similar_sense/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..581a72e31d6d47791a891b6c5daf66f42d317d81
--- /dev/null
+++ b/data/super_glue_wic_similar_sense/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:43df053d8403922384721711f22a1e20266a4ff4273b6832e8a4d20e8647e3d8
+size 190205
diff --git a/data/super_glue_wic_similar_sense_score_eval/COMPLETED b/data/super_glue_wic_similar_sense_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wic_similar_sense_score_eval/info.test.json b/data/super_glue_wic_similar_sense_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_similar_sense_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_similar_sense_score_eval/info.train.json b/data/super_glue_wic_similar_sense_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_similar_sense_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_similar_sense_score_eval/info.validation.json b/data/super_glue_wic_similar_sense_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wic_similar_sense_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wic_similar_sense_score_eval/stats.test.json b/data/super_glue_wic_similar_sense_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ef09a8bb43a5361df1976ecfa07d0b761eca3ea9
--- /dev/null
+++ b/data/super_glue_wic_similar_sense_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2800,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 72918,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2800
+}
diff --git a/data/super_glue_wic_similar_sense_score_eval/stats.train.json b/data/super_glue_wic_similar_sense_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..be6edfa417667e5b8cd236b26e380952fb9f29ed
--- /dev/null
+++ b/data/super_glue_wic_similar_sense_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10856,
+  "inputs_max_tokens": 77,
+  "inputs_tokens": 265482,
+  "targets_max_tokens": 1,
+  "targets_tokens": 10856
+}
diff --git a/data/super_glue_wic_similar_sense_score_eval/stats.validation.json b/data/super_glue_wic_similar_sense_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..366f652ffb29c2e2b8092fe95086417744f28dab
--- /dev/null
+++ b/data/super_glue_wic_similar_sense_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1276,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 33062,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1276
+}
diff --git a/data/super_glue_wic_similar_sense_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wic_similar_sense_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..39b6fd038a225662c0d42d9494f48a00f4f24c01
--- /dev/null
+++ b/data/super_glue_wic_similar_sense_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6a1ebab8719270daaadf41c5643835a24c018f9e5d481d78a937b01e1ee16b8e
+size 906100
diff --git a/data/super_glue_wic_similar_sense_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wic_similar_sense_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9d72122625c3d1d1fe86a5210a0b267f767c087a
--- /dev/null
+++ b/data/super_glue_wic_similar_sense_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2d1961ba4249ad3226629c0a7c96cf4f7c0c663fa1388fe9246b7cd4992440f4
+size 3411636
diff --git a/data/super_glue_wic_similar_sense_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wic_similar_sense_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c604447c0be17250ceefff38a0b5d0c145925ab5
--- /dev/null
+++ b/data/super_glue_wic_similar_sense_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:269636df8a8a97e35dd137a6b32b2c1c0b05cde41835657bb6f448f7152ece37
+size 413330
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/COMPLETED b/data/super_glue_wsc.fixed_GPT_3_Style/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/info.test.json b/data/super_glue_wsc.fixed_GPT_3_Style/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/info.train.json b/data/super_glue_wsc.fixed_GPT_3_Style/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/info.validation.json b/data/super_glue_wsc.fixed_GPT_3_Style/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/stats.test.json b/data/super_glue_wsc.fixed_GPT_3_Style/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fa30c5534d63a8b7e680dab7e465e0719d4dbbc9
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 122,
+  "inputs_tokens": 10176,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/stats.train.json b/data/super_glue_wsc.fixed_GPT_3_Style/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7f85cd15c2c7e6fcb3ee450180d23d45eedf0897
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 150,
+  "inputs_tokens": 30776,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/stats.validation.json b/data/super_glue_wsc.fixed_GPT_3_Style/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b55a2aed4e2c9fa3c5843ff350fabffb6e9a5827
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 101,
+  "inputs_tokens": 6863,
+  "targets_max_tokens": 1,
+  "targets_tokens": 104
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_GPT_3_Style/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c219d5ead8c1c826983ff08e3f7bcd93bc992086
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c003363c82a7c79b81efd075c04ab10e5835ca5d7a522f7d80508382feccf288
+size 79260
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_GPT_3_Style/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c7bb9ff4b96993eedb23841f53cf5fa20847689d
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3984cc9be44b276b168cfe8d4670e1d32eb3a4d4bce2aeda798bb5ada4778ade
+size 247919
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_GPT_3_Style/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b46431ea55b19bb14c4a56e880d538101374e2c3
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a60580cc7d17d3e59409a5bdc6775b889aeb7509e1597a72d1850dac8daa25af
+size 53001
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/COMPLETED b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/info.test.json b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/info.train.json b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/info.validation.json b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/stats.test.json b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ab8a73b5f53f8f13717350e2fe475f86713491c5
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 122,
+  "inputs_tokens": 20352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 292
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/stats.train.json b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d6f737c5d3dca8098679589a7d417e9cd8ba5a12
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 150,
+  "inputs_tokens": 61552,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1108
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..da9b73e5c69a3dd5c3a5ce064d517865d0228848
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 101,
+  "inputs_tokens": 13726,
+  "targets_max_tokens": 1,
+  "targets_tokens": 208
+}
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3e623cd4800f6a8d6eb5703cb37832c46be8223f
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b37b0fddd1081c44c0d3dc68e25f007097242d324c0c8b0ffb557ac1b7e96265
+size 160746
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4f941ef71dc632e02a61fef2185a2e5cede9c69e
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7107ab7854cff6c8d91ab74081bcc3e154c0fdffca5c98d56d41462b29c32a6b
+size 524426
diff --git a/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..17cbb5fa77150ff4bebd9d28e2bce13eeb966a50
--- /dev/null
+++ b/data/super_glue_wsc.fixed_GPT_3_Style_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e153b1aafefd207e4790e423191e179551dc250c55cacdef6a7cce1d2662e151
+size 111230
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/COMPLETED b/data/super_glue_wsc.fixed_I_think_they_mean/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/info.test.json b/data/super_glue_wsc.fixed_I_think_they_mean/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/info.train.json b/data/super_glue_wsc.fixed_I_think_they_mean/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/info.validation.json b/data/super_glue_wsc.fixed_I_think_they_mean/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/stats.test.json b/data/super_glue_wsc.fixed_I_think_they_mean/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0dc7097fc2b647888dd462a59ccc9b438b7e21c5
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 120,
+  "inputs_tokens": 9784,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/stats.train.json b/data/super_glue_wsc.fixed_I_think_they_mean/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d990edbcd176ebacde02c20dd6128072607f19ca
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 28515,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/stats.validation.json b/data/super_glue_wsc.fixed_I_think_they_mean/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4f221f0d4f7d026aaa858725bdcba9ce8e03ecbe
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 151,
+  "inputs_tokens": 6769,
+  "targets_max_tokens": 1,
+  "targets_tokens": 104
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_I_think_they_mean/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..07083902651f905bfc33bfa15dcdf423850a308f
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:97a520c30cac3bd6badb911ffde422505fc960668052a5ff49c24a2ef87d4aad
+size 76681
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_I_think_they_mean/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3d9c616c9a048f9c6a142a8cf114622c9ae62a70
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7b5d05d0bee4a08ad4d78057aaa0c6b6ba369b254f14f839f54cedd1349ed03b
+size 235049
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_I_think_they_mean/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..17d975c0108a12d4819ff3458a1053562e92b3f2
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f58893e039a4564741d12f60b7082ac3b6fbff29b08afd296a93da00b8e6b700
+size 52354
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/COMPLETED b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/info.test.json b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/info.train.json b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/info.validation.json b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/stats.test.json b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d1a661305e29f39b5c27e6c506abc809441f77e
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 120,
+  "inputs_tokens": 19568,
+  "targets_max_tokens": 1,
+  "targets_tokens": 292
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/stats.train.json b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3d48ffa6031cf0a898cb9279af08a70983aa1940
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 57030,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1108
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..40d554de0b467c2942fee9b76aad8d4b7074602f
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 151,
+  "inputs_tokens": 13538,
+  "targets_max_tokens": 1,
+  "targets_tokens": 208
+}
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3968c24a9eacbbe2ba28fd435796e548dc77b39d
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:47d6e38b3acd899d20fc2d5b3bc30164bac07cae4017f0aee3b54b8526cc8ea4
+size 155588
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fdeb70157ea1bcc9cdc83fa04901c47eb1f7aaeb
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0a873261969dcdcdc6f3e6fb2addb2311bb15c7e573441d667b11505de88e6fd
+size 498686
diff --git a/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d763ef6360b7278aa99d94373c11c5598ba3ffd7
--- /dev/null
+++ b/data/super_glue_wsc.fixed_I_think_they_mean_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2de80c8bc23183debb66c9c4836f2cb85e3a065ab8dd809ee9ef9964e5d66621
+size 109936
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/COMPLETED b/data/super_glue_wsc.fixed_Who_or_what_is_are/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/info.test.json b/data/super_glue_wsc.fixed_Who_or_what_is_are/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/info.train.json b/data/super_glue_wsc.fixed_Who_or_what_is_are/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/info.validation.json b/data/super_glue_wsc.fixed_Who_or_what_is_are/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/stats.test.json b/data/super_glue_wsc.fixed_Who_or_what_is_are/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..350ac4ebef3d163512ce16a94a132676ef79749b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 112,
+  "inputs_tokens": 9103,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/stats.train.json b/data/super_glue_wsc.fixed_Who_or_what_is_are/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0c4ff74be524dee982e57f7e3403b12491b89921
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 143,
+  "inputs_tokens": 26672,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/stats.validation.json b/data/super_glue_wsc.fixed_Who_or_what_is_are/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3492a6cec1152398d0b4c52c4d2dabc27fee0ef5
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 6066,
+  "targets_max_tokens": 1,
+  "targets_tokens": 104
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_Who_or_what_is_are/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..21b06c0ad96de983ee24c3016dd58196e4ff3ca3
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3c5c39cb845949eb7edeea59a26079d2d6d3163a2a4f974fad5b0f499f584a75
+size 71843
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_Who_or_what_is_are/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..695755eec7f94233a352e0f76d7c70e6be775561
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:94497b3efeafeb3f867cc6253713eb0f74cf241a22912c42ae2ecdb3521f2dc0
+size 219574
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_Who_or_what_is_are/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cd35185c1bde4d4dec8e80596eedb58db81721eb
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5fc1fdff1a197c26f87e4f729e0e7980e57a31a4bbdd86e6bfa8f6c91cb96bb0
+size 47601
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/COMPLETED b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/info.test.json b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/info.train.json b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/info.validation.json b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/stats.test.json b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6b522c541320534b060dee25416c14d0038309f7
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 112,
+  "inputs_tokens": 18206,
+  "targets_max_tokens": 1,
+  "targets_tokens": 292
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/stats.train.json b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..6fa0a21934c1fdf40d500acbd54d02618716752f
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 143,
+  "inputs_tokens": 53344,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1108
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7691421d7e151d0a9963568e72870e6eedb01ed2
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 12132,
+  "targets_max_tokens": 1,
+  "targets_tokens": 208
+}
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..457d452e591928f567565e56688f99b88af922ff
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e7aef006dc3ee56d439d91200dd4b1a187534f748ddccd12c6842733b0c4bdfd
+size 145912
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fce1cd0ea6fea725bf4e6213eafa9ffcaa268006
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:15d1a101e27c5777b90db7cb6454ebd7d4c764645082c11f54d4dce8b2aceefd
+size 467736
diff --git a/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d6c1dff872b145828debcb663126d8bfb1d367c8
--- /dev/null
+++ b/data/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:19bc365688ef147bad3fa84219bf3d05ee3cb9c56b1fc9e0eb9a70110eaeaee1
+size 100430
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/COMPLETED b/data/super_glue_wsc.fixed_by_p_they_mean/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/info.test.json b/data/super_glue_wsc.fixed_by_p_they_mean/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/info.train.json b/data/super_glue_wsc.fixed_by_p_they_mean/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/info.validation.json b/data/super_glue_wsc.fixed_by_p_they_mean/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/stats.test.json b/data/super_glue_wsc.fixed_by_p_they_mean/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..78390719c62502b8a2510a81d3ae812b63fa68b2
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 114,
+  "inputs_tokens": 8976,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/stats.train.json b/data/super_glue_wsc.fixed_by_p_they_mean/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4c77d1821c0fae88fad46c96ddece417aec3090b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 141,
+  "inputs_tokens": 26190,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/stats.validation.json b/data/super_glue_wsc.fixed_by_p_they_mean/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..97090822b88e90df9155c6255bfaf9d929544bc1
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 6023,
+  "targets_max_tokens": 1,
+  "targets_tokens": 104
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_by_p_they_mean/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2df38a027cc2924a3ecfe01230f1b20a040b3892
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8fd92787fbaa542607b2bf9b127f00e20ba7f983d24a205fd01bcfda97cc56d3
+size 70585
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_by_p_they_mean/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..66618c9e956eb05fc5ff5f1c174fd0606aca4e58
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a84da9bda716f5c55d06d0e33ed32513cb392907c1cba655b5a60186466e9aaf
+size 214694
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_by_p_they_mean/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..907aa3f1c2b1703ad5a579e01c082ae759c1e78d
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e174d5e1dff135b4f62310941a49cef3f5e96eafc51999e0308e036193d2cc07
+size 46798
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/COMPLETED b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/info.test.json b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/info.train.json b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/info.validation.json b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/stats.test.json b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..97acd2350d9f57b85047eb2fe9e80b3779c94c58
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 114,
+  "inputs_tokens": 17952,
+  "targets_max_tokens": 1,
+  "targets_tokens": 292
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/stats.train.json b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..85da1bd9ce7c9790ad4ce6dfe356edabf2851eb0
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 141,
+  "inputs_tokens": 52380,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1108
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..18a2a22117a837100285f96e09476fe9312102d7
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 92,
+  "inputs_tokens": 12046,
+  "targets_max_tokens": 1,
+  "targets_tokens": 208
+}
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2722483aa9cedad3a0d474e2bbecfd6f5da21b56
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:22140c81798a111cf1e9fe3b814a6297e396174fc3c4563b02c58b60c891daf0
+size 143396
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..40815f4f014f3e9969dad9b6b99d878f0dd03834
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c32ade01a6f0be03a2aa6d1e1d0781bef411d769b62fe64848edd64d7b0162d4
+size 457976
diff --git a/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9164367d543902e052d4d0453c69a52111c734c9
--- /dev/null
+++ b/data/super_glue_wsc.fixed_by_p_they_mean_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c8ef61103bc6a9b7c28da3843ff76f6727aa8a5498a840aeee75205b09952dfa
+size 98824
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/COMPLETED b/data/super_glue_wsc.fixed_does_p_stand_for/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/info.test.json b/data/super_glue_wsc.fixed_does_p_stand_for/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/info.train.json b/data/super_glue_wsc.fixed_does_p_stand_for/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/info.validation.json b/data/super_glue_wsc.fixed_does_p_stand_for/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/stats.test.json b/data/super_glue_wsc.fixed_does_p_stand_for/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..dee75cce7cff5d5b1dd2ae1e5b7ce5a76926a1dd
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 112,
+  "inputs_tokens": 8725,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/stats.train.json b/data/super_glue_wsc.fixed_does_p_stand_for/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..56d3ceab9745210ef05af0e726bc55fc1601d7fc
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 140,
+  "inputs_tokens": 25235,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/stats.validation.json b/data/super_glue_wsc.fixed_does_p_stand_for/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9bf3d7c05a5084f8fd79465f7a54dac5a8c9fed7
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 91,
+  "inputs_tokens": 5823,
+  "targets_max_tokens": 1,
+  "targets_tokens": 104
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_p_stand_for/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ee96ea07dd07f00d7d83fe995a54dc4a6515522a
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:36023df148a8aa5405f6b015986dc6be7e37179b5d510f9c503600fc07b7d7f3
+size 70249
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_p_stand_for/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6a8e7fcbd238f4e4c740a7a512c0958326e93a9f
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9d34cedfee68cd98bff6d28309f2c29e1cc3599ea22ce66f61a547d979c0f402
+size 213285
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_p_stand_for/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..40e3854a4eadca203895526e7d24fe46ae396e50
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:84165a5b2ad6736851c4557d40917d9919f9bb8bd628d51bd1e7c783e03f1920
+size 46515
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/COMPLETED b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/info.test.json b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/info.train.json b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/info.validation.json b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/stats.test.json b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..adaa04001e650804879ca143e259c66c78f46b80
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 112,
+  "inputs_tokens": 17450,
+  "targets_max_tokens": 1,
+  "targets_tokens": 292
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/stats.train.json b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..cb0be24588344568b8a2daa8a0ea51ad0f3141ae
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 140,
+  "inputs_tokens": 50470,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1108
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..bb26c04f603d971849d14bdd86a591d73a8a4dc7
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 91,
+  "inputs_tokens": 11646,
+  "targets_max_tokens": 1,
+  "targets_tokens": 208
+}
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4109bf4be5a4e8f573e354ef02f015115c1ec3c2
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9baed60eeb126d8f16f29dc2272cf199607cfb88c9440508efe22a940acf17c5
+size 142724
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6849417d328146fdaac6f719c1ef5c4619fecc1f
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1769806529395d77b379bb8ea226aa987dba8dd4c7b0bf5026ed409752f37b73
+size 455158
diff --git a/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a0326ff6c64f133011d86a1f4a6a85f846a1f0fc
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_p_stand_for_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ce03133268e092a8a478a7cc853c95ca7a917d0a8ee05dc4aa83ec4b93ae32c8
+size 98258
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/COMPLETED b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/info.test.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/info.train.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/info.validation.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/stats.test.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..128f7378bd9eee3194677f3b1fa512d5bf60f50e
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 119,
+  "inputs_tokens": 9747,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/stats.train.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..711ede0e88399f54f3c48e86e5edf309aba0eea3
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 29113,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/stats.validation.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..96eec04dbde7bf316bc8b517b5ce9f5bb2764135
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 98,
+  "inputs_tokens": 6551,
+  "targets_max_tokens": 1,
+  "targets_tokens": 104
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b38c7bef57c65d436ebd8d866c37be3fe5c964d2
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b36e6b77bd9269415a28899dd9925983fe1d8c51e14d92b3b061ad8d5068624f
+size 76298
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4c20c13db5d790417d73b0ed64f2690ac1320b9e
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:def1a530f28642d12d7d29cbb228b185bff30208cb88ee3886a09429fe6cb02f
+size 236611
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..44e0b10f0226af4d39335b9d2a6edc3c1bf9fca8
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:443f14bb16aa5208ad36ab6910934b2c0e1cb2cca92de78bc2ac73797d38d6be
+size 50856
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/COMPLETED b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/info.test.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/info.train.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/info.validation.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/stats.test.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e3c894069b6238ae3cf66deaec7e761ab2dfec43
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 119,
+  "inputs_tokens": 19494,
+  "targets_max_tokens": 1,
+  "targets_tokens": 292
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/stats.train.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d63caa71d22a2f2b1af51aa3b8f6bba7967e947d
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 58226,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1108
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..589ac8b8488af5ac78bd0bc3fffb5e00138d0984
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 98,
+  "inputs_tokens": 13102,
+  "targets_max_tokens": 1,
+  "targets_tokens": 208
+}
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9a310244dc2c198f255984baf4b1703a9002bcca
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b8b64bc1552c605364a419e9c38ae403aa26cadf345ca8d416cacac70b44f5ef
+size 154822
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..679ba7d4a9bf581a222e724781f71c0b18466c32
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:263af5a95310a824a225c22fd5ee7ab5e6060e57206ff9982c66a2e06ebd18d9
+size 501810
diff --git a/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c9bb270be35a2a39e437a42dc2b43f8e969a75d2
--- /dev/null
+++ b/data/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:097eed68710d5e77385b2d91f86468e2753250e9f2bbc457f39cacf616de5d69
+size 106940
diff --git a/data/super_glue_wsc.fixed_in_other_words/COMPLETED b/data/super_glue_wsc.fixed_in_other_words/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_in_other_words/info.test.json b/data/super_glue_wsc.fixed_in_other_words/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words/info.train.json b/data/super_glue_wsc.fixed_in_other_words/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words/info.validation.json b/data/super_glue_wsc.fixed_in_other_words/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words/stats.test.json b/data/super_glue_wsc.fixed_in_other_words/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..af86f2e10ed11ac99062d3d97cc79dffaa95759e
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 118,
+  "inputs_tokens": 9516,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words/stats.train.json b/data/super_glue_wsc.fixed_in_other_words/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c2b8b4ab3ef85802e034b51808ee2098ddf03434
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 218,
+  "inputs_tokens": 27528,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1144
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words/stats.validation.json b/data/super_glue_wsc.fixed_in_other_words/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6b4936f7a874dc02e8c92e53af9fc354831ada26
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 150,
+  "inputs_tokens": 6560,
+  "targets_max_tokens": 3,
+  "targets_tokens": 236
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_in_other_words/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a8592eae018e346cfc056a798a21eb80c12f1498
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:24ac0e7168d84995761eecdea913e2633b05097e87bde57ca6a6bb7bf5590314
+size 76922
diff --git a/data/super_glue_wsc.fixed_in_other_words/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_in_other_words/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1b5698ad408d68663f040ac97d331b00ba6bb34a
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4359e5cf8759d64d255fdb6c4caa37df65121e379badd7eb21617080d9766d15
+size 237678
diff --git a/data/super_glue_wsc.fixed_in_other_words/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_in_other_words/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..990f5fed34f11aab27aa9305fdb4e192603bcec6
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:86b02d35987bde7360380fb82be02d11eaf646bfcd45e3a75bf051c5785edaae
+size 52867
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/COMPLETED b/data/super_glue_wsc.fixed_in_other_words_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/info.test.json b/data/super_glue_wsc.fixed_in_other_words_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/info.train.json b/data/super_glue_wsc.fixed_in_other_words_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/info.validation.json b/data/super_glue_wsc.fixed_in_other_words_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/stats.test.json b/data/super_glue_wsc.fixed_in_other_words_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..715ed8ffcb75a2adf49f8407b350710963c7cfe1
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 118,
+  "inputs_tokens": 19032,
+  "targets_max_tokens": 3,
+  "targets_tokens": 584
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/stats.train.json b/data/super_glue_wsc.fixed_in_other_words_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..788c15ea7da6729627edb5a09edc687c3711ebd2
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 218,
+  "inputs_tokens": 55056,
+  "targets_max_tokens": 3,
+  "targets_tokens": 2216
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_in_other_words_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..6907656ecb7bb40f548c1226e26d816347b97dbe
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 150,
+  "inputs_tokens": 13120,
+  "targets_max_tokens": 3,
+  "targets_tokens": 416
+}
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_in_other_words_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..060f0f77f79c44a5894c1fd561e2166782a03675
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:28c8ff31c592785ffa4b4fc2a7bf51921e755765e50158040e67793dd9ada33e
+size 155778
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_in_other_words_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8baff20c6f72c77e35f37f0c75bc0c64891573cb
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:67bd5de5b4976269d891a7c588e6d47c58366477895e79e635ab33a7637942db
+size 499368
diff --git a/data/super_glue_wsc.fixed_in_other_words_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_in_other_words_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6085317246b414fa7549f56b07e530b718007580
--- /dev/null
+++ b/data/super_glue_wsc.fixed_in_other_words_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9aa5c72560a8a318d064222ce3b577f0d35ae046184d620f304d83a20d62a033
+size 110018
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/COMPLETED b/data/super_glue_wsc.fixed_p_is_are_r/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/info.test.json b/data/super_glue_wsc.fixed_p_is_are_r/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/info.train.json b/data/super_glue_wsc.fixed_p_is_are_r/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/info.validation.json b/data/super_glue_wsc.fixed_p_is_are_r/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/stats.test.json b/data/super_glue_wsc.fixed_p_is_are_r/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..775ad4525fdf33000f0c249ee618ffe087c580b2
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 115,
+  "inputs_tokens": 9154,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/stats.train.json b/data/super_glue_wsc.fixed_p_is_are_r/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..20d1767c0d64df19e7695f0d29c9e597735e2503
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 143,
+  "inputs_tokens": 26898,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1144
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/stats.validation.json b/data/super_glue_wsc.fixed_p_is_are_r/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1e8daa8e17afc1a842b176c8069c3c4ce0a70326
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 6135,
+  "targets_max_tokens": 3,
+  "targets_tokens": 236
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_p_is_are_r/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..77a333b7a8e41fcf02387714da3fb72fef95bef4
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0778ec71ff9241b72056db3d247bb49c4b08632866c8decc2c517a3936da6073
+size 74083
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_p_is_are_r/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6bf192caaa3f7ed7556bd4b0ba068e0a2f943321
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:83cc8d2bec481f3e43bf69673f56265a5f77270233672d592d50d82777f014ab
+size 229977
diff --git a/data/super_glue_wsc.fixed_p_is_are_r/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_p_is_are_r/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2b5966da843402aef6b98d3857c4c98f6311e980
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9cbc01b3d908c03ae94612101d666fc5aa39207c2fdc760d7e24645580393f3f
+size 49657
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/COMPLETED b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/info.test.json b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/info.train.json b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/info.validation.json b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/stats.test.json b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..895de50ea2a7c6fb02824a7b79ba627ab6c99d82
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 115,
+  "inputs_tokens": 18308,
+  "targets_max_tokens": 3,
+  "targets_tokens": 584
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/stats.train.json b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..10406fc1703bffe64f7e05610bcd5537f1e8479c
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 143,
+  "inputs_tokens": 53796,
+  "targets_max_tokens": 3,
+  "targets_tokens": 2216
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..87d4b9864e2a1f95988c14407de64ef8471ce9e9
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 94,
+  "inputs_tokens": 12270,
+  "targets_max_tokens": 3,
+  "targets_tokens": 416
+}
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7cd4dea74f7e0ddf24e85419075b481efccc320f
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:13ab9536a1005b7ad6e1999b2618c814bb7d0493e966283495259f239f420160
+size 150100
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7a7afd673a0cb881732542ada23ab1213a3bf917
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1c64e3cbdc154c56a9869b52e6fe5e468b1c0d63ec207e9f6c258140e2b99d2d
+size 483966
diff --git a/data/super_glue_wsc.fixed_p_is_are_r_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c3d2cfdafddf098cddd66f4f25099adc0e22ec4a
--- /dev/null
+++ b/data/super_glue_wsc.fixed_p_is_are_r_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:21ff46d1dccdda50456daffb12f0f370f7c6e15b8ddd6a5db412df5c3bb3fcc7
+size 103598
diff --git a/data/super_glue_wsc.fixed_replaced_with/COMPLETED b/data/super_glue_wsc.fixed_replaced_with/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_replaced_with/info.test.json b/data/super_glue_wsc.fixed_replaced_with/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with/info.train.json b/data/super_glue_wsc.fixed_replaced_with/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with/info.validation.json b/data/super_glue_wsc.fixed_replaced_with/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with/stats.test.json b/data/super_glue_wsc.fixed_replaced_with/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a1a6f137c97a0b1f96cb4cb83b31c8929900ebab
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 123,
+  "inputs_tokens": 10290,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with/stats.train.json b/data/super_glue_wsc.fixed_replaced_with/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..307de1d559785371649e7fe420e63440ad33b83d
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 150,
+  "inputs_tokens": 31176,
+  "targets_max_tokens": 1,
+  "targets_tokens": 554
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with/stats.validation.json b/data/super_glue_wsc.fixed_replaced_with/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ad1de77e26a86a3a4c33fb53cbf93815d6c3547e
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 101,
+  "inputs_tokens": 6959,
+  "targets_max_tokens": 1,
+  "targets_tokens": 104
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_replaced_with/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d1f88835c39dcf35018aed9ac2ccc284baadfa5e
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4ebb9da558dd42f035b72a09bcc937b0b125ca6c00accee1e916c091308fe6d0
+size 78114
diff --git a/data/super_glue_wsc.fixed_replaced_with/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_replaced_with/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f046d546e4aa9ef4b5b38f66f8facb8e66ef6fb2
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f54654f1c3d449dc4bd6c29c846d53ba9c56f7e83df416bd74d909bc7e9ae4ab
+size 243667
diff --git a/data/super_glue_wsc.fixed_replaced_with/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_replaced_with/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9efeaf0ba629682b36331711f83477d33c73e964
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:93f063555d0288874d6c1cf1568f432004acf7fd3a92be242d75f5e6f64395af
+size 52211
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/COMPLETED b/data/super_glue_wsc.fixed_replaced_with_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/info.test.json b/data/super_glue_wsc.fixed_replaced_with_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/info.train.json b/data/super_glue_wsc.fixed_replaced_with_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/info.validation.json b/data/super_glue_wsc.fixed_replaced_with_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/stats.test.json b/data/super_glue_wsc.fixed_replaced_with_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f5b8481e22b2a0e26389f230edacecddef871a7a
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 123,
+  "inputs_tokens": 20580,
+  "targets_max_tokens": 1,
+  "targets_tokens": 292
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/stats.train.json b/data/super_glue_wsc.fixed_replaced_with_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..24d0c122b731db27c70a77c6c304c0bb6749a5fb
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 150,
+  "inputs_tokens": 62352,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1108
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_replaced_with_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..16fcefa529669b51e26506b5d0f7e7510c0090e7
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 101,
+  "inputs_tokens": 13918,
+  "targets_max_tokens": 1,
+  "targets_tokens": 208
+}
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_replaced_with_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ec97df904e771541b1ce5be0780cd8fb310de8d1
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:545792213f1eb1789a0653d14238a1d3b5bd352e753c29fda99b1d48392690d9
+size 158454
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_replaced_with_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d2619a54e1ae1243971afacc9ec76d571fe3cd2a
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:367725afda882f3ffdf885e77b24d78f6b091125c73ed4b2703507d1d796a255
+size 515922
diff --git a/data/super_glue_wsc.fixed_replaced_with_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_replaced_with_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c877923f3c30665a330cdb76b7b115c72fe76445
--- /dev/null
+++ b/data/super_glue_wsc.fixed_replaced_with_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:79c25b8401512a3885de06f7c5cf659b8b590a5a73eb68c2778c09766e356383
+size 109650
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/COMPLETED b/data/super_glue_wsc.fixed_the_pronoun_refers_to/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/info.test.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/info.train.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/info.validation.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/stats.test.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a5d5d10821369597bbb7380eeb7e9602062dc957
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 146,
+  "inputs_max_tokens": 119,
+  "inputs_tokens": 9738,
+  "targets_max_tokens": 7,
+  "targets_tokens": 1022
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/stats.train.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aa3d02a23889bf66f0096090581c9f18479c3663
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 554,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 29114,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1144
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/stats.validation.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..68c8c45db2729afa8fca9a35c42c6f97d3d25acd
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 104,
+  "inputs_max_tokens": 98,
+  "inputs_tokens": 6551,
+  "targets_max_tokens": 3,
+  "targets_tokens": 236
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_the_pronoun_refers_to/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7956883a4f4e72691b674da3f09332e4550e96be
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d4498de23f2aabb48c835cebdca5b5ae265d31d137d7d2cf66630ef302efa6e7
+size 76290
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_the_pronoun_refers_to/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..65f1eae53c704c554f3244614be54a1ddbae858e
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4d13f81ef32930331913c26e6f270e456db7880245f284f6bcc4d83fc44e97d5
+size 238357
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_the_pronoun_refers_to/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e61fd014a1116b6659ca389987cd8a806b03e6e7
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:74c1e4beb2d758aad48049ba1c707e05fa04f718736816ed3d89a6cd2c23cd03
+size 51222
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/COMPLETED b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/info.test.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/info.train.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/info.validation.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/stats.test.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b43ca73503c98b4abf0054d9382f123a4b2ffcc
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 292,
+  "inputs_max_tokens": 119,
+  "inputs_tokens": 19476,
+  "targets_max_tokens": 3,
+  "targets_tokens": 584
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/stats.train.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..54fb865b9033bfae578166fd48eb9cfce1fc95cf
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1108,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 58228,
+  "targets_max_tokens": 3,
+  "targets_tokens": 2216
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/stats.validation.json b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..77eaacbbb93edb84e4a735783a68bbfb94281439
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 208,
+  "inputs_max_tokens": 98,
+  "inputs_tokens": 13102,
+  "targets_max_tokens": 3,
+  "targets_tokens": 416
+}
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/test.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f42ac7e85645568c47f268ad7c0f1600cf6392fb
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:99785d0dadfaf9c146fc6ff9397743846b67cb7de97db11fbc238ad75e9798b7
+size 154514
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/train.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..27b0badcea9ebd3c54bb3a1ef94920bc02cbf975
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6e5e8cdbb868e64f2d9629ee3b94f78f05352e4def1f083514b2d181659c36e1
+size 500726
diff --git a/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/validation.tfrecord-00000-of-00001 b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3541095df651c57817b2947b3a095bf8e0ffa683
--- /dev/null
+++ b/data/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:acb5e166cf040fa2827c9bae3a47f26ec88b7795820b1f65924fdfbec342557f
+size 106728
diff --git a/data/trec_fine_grained_ABBR/COMPLETED b/data/trec_fine_grained_ABBR/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_ABBR/info.test.json b/data/trec_fine_grained_ABBR/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_ABBR/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_ABBR/info.train.json b/data/trec_fine_grained_ABBR/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_ABBR/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_ABBR/stats.test.json b/data/trec_fine_grained_ABBR/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e44c4baf90c7ecfdd9f51f49224e017576d6e4da
--- /dev/null
+++ b/data/trec_fine_grained_ABBR/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9,
+  "inputs_max_tokens": 30,
+  "inputs_tokens": 243,
+  "targets_max_tokens": 5,
+  "targets_tokens": 44
+}
diff --git a/data/trec_fine_grained_ABBR/stats.train.json b/data/trec_fine_grained_ABBR/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..986a3ae9f4036d1bffff8af006ddf43a4acd3256
--- /dev/null
+++ b/data/trec_fine_grained_ABBR/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 86,
+  "inputs_max_tokens": 43,
+  "inputs_tokens": 2582,
+  "targets_max_tokens": 5,
+  "targets_tokens": 414
+}
diff --git a/data/trec_fine_grained_ABBR/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_ABBR/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9b300724380f67832171914b3f64818bae4153f5
--- /dev/null
+++ b/data/trec_fine_grained_ABBR/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bbf429bd2aefa6404844f910da66e426bf7545874d8bdb9808435bf62306b187
+size 3162
diff --git a/data/trec_fine_grained_ABBR/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_ABBR/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..01eef88b8a0945661fde70dcf272c4d2a3760473
--- /dev/null
+++ b/data/trec_fine_grained_ABBR/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a23aa80d6acb8646dcdb8625f423884a4dc8c413afa332a22be23b7feb1d04fb
+size 31188
diff --git a/data/trec_fine_grained_ABBR_context_first/COMPLETED b/data/trec_fine_grained_ABBR_context_first/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_ABBR_context_first/info.test.json b/data/trec_fine_grained_ABBR_context_first/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_ABBR_context_first/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_ABBR_context_first/info.train.json b/data/trec_fine_grained_ABBR_context_first/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_ABBR_context_first/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_ABBR_context_first/stats.test.json b/data/trec_fine_grained_ABBR_context_first/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e44c4baf90c7ecfdd9f51f49224e017576d6e4da
--- /dev/null
+++ b/data/trec_fine_grained_ABBR_context_first/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9,
+  "inputs_max_tokens": 30,
+  "inputs_tokens": 243,
+  "targets_max_tokens": 5,
+  "targets_tokens": 44
+}
diff --git a/data/trec_fine_grained_ABBR_context_first/stats.train.json b/data/trec_fine_grained_ABBR_context_first/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..986a3ae9f4036d1bffff8af006ddf43a4acd3256
--- /dev/null
+++ b/data/trec_fine_grained_ABBR_context_first/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 86,
+  "inputs_max_tokens": 43,
+  "inputs_tokens": 2582,
+  "targets_max_tokens": 5,
+  "targets_tokens": 414
+}
diff --git a/data/trec_fine_grained_ABBR_context_first/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_ABBR_context_first/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eff0cd46dc05aea6e39d9d6547b96ce5c1df360d
--- /dev/null
+++ b/data/trec_fine_grained_ABBR_context_first/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:62b809489f51b1e1335695dab3a40a9f7aa1277e21e695e2484d75b3f1957450
+size 3171
diff --git a/data/trec_fine_grained_ABBR_context_first/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_ABBR_context_first/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..44328ae1ffae4e3bf2f68b7412c13a4a38684267
--- /dev/null
+++ b/data/trec_fine_grained_ABBR_context_first/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:971c35cc1b5bf8ecfdc27617090286091b566271caeac90702443284e72a2fd0
+size 31278
diff --git a/data/trec_fine_grained_DESC/COMPLETED b/data/trec_fine_grained_DESC/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_DESC/info.test.json b/data/trec_fine_grained_DESC/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_DESC/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_DESC/info.train.json b/data/trec_fine_grained_DESC/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_DESC/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_DESC/stats.test.json b/data/trec_fine_grained_DESC/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..66af2055786117360a7ce2bd6adc231c1c4acd55
--- /dev/null
+++ b/data/trec_fine_grained_DESC/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 138,
+  "inputs_max_tokens": 30,
+  "inputs_tokens": 3288,
+  "targets_max_tokens": 3,
+  "targets_tokens": 142
+}
diff --git a/data/trec_fine_grained_DESC/stats.train.json b/data/trec_fine_grained_DESC/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..45514a97234cf6666fbe4fef758926709348bf55
--- /dev/null
+++ b/data/trec_fine_grained_DESC/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1162,
+  "inputs_max_tokens": 62,
+  "inputs_tokens": 32914,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1714
+}
diff --git a/data/trec_fine_grained_DESC/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_DESC/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c9239758a5f9ffcff4f6d8823a1df2e4258079d1
--- /dev/null
+++ b/data/trec_fine_grained_DESC/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4e666d7c7afbcc407156e67990ca3b705d764505f17168680e37cab66129e74d
+size 46934
diff --git a/data/trec_fine_grained_DESC/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_DESC/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2db201405bc967c1fdb841995e1e97a80413f9cc
--- /dev/null
+++ b/data/trec_fine_grained_DESC/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8ba52e1dd0a2ddfc5c53e3b75a4a93ca507f6c295af6c7a1c948c1fddfbaa529
+size 427322
diff --git a/data/trec_fine_grained_DESC_context_first/COMPLETED b/data/trec_fine_grained_DESC_context_first/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_DESC_context_first/info.test.json b/data/trec_fine_grained_DESC_context_first/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_DESC_context_first/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_DESC_context_first/info.train.json b/data/trec_fine_grained_DESC_context_first/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_DESC_context_first/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_DESC_context_first/stats.test.json b/data/trec_fine_grained_DESC_context_first/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..66af2055786117360a7ce2bd6adc231c1c4acd55
--- /dev/null
+++ b/data/trec_fine_grained_DESC_context_first/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 138,
+  "inputs_max_tokens": 30,
+  "inputs_tokens": 3288,
+  "targets_max_tokens": 3,
+  "targets_tokens": 142
+}
diff --git a/data/trec_fine_grained_DESC_context_first/stats.train.json b/data/trec_fine_grained_DESC_context_first/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..45514a97234cf6666fbe4fef758926709348bf55
--- /dev/null
+++ b/data/trec_fine_grained_DESC_context_first/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1162,
+  "inputs_max_tokens": 62,
+  "inputs_tokens": 32914,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1714
+}
diff --git a/data/trec_fine_grained_DESC_context_first/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_DESC_context_first/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2741d8b615cea11fb1af011e376314b9d1ccac46
--- /dev/null
+++ b/data/trec_fine_grained_DESC_context_first/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:22abe00e8619e38e8c45d52df79451d0ed5e2ec748f3fb34ef687aa8945e3e39
+size 47086
diff --git a/data/trec_fine_grained_DESC_context_first/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_DESC_context_first/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d0d36697589a45ecf9aea9d05e4bb36928d301c2
--- /dev/null
+++ b/data/trec_fine_grained_DESC_context_first/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8b4a03f62cccbb3d6583a80c1ffb341ef5b15b2b7c4b52e60da95ba55f4997a1
+size 428574
diff --git a/data/trec_fine_grained_ENTY/COMPLETED b/data/trec_fine_grained_ENTY/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_ENTY/info.test.json b/data/trec_fine_grained_ENTY/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_ENTY/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_ENTY/info.train.json b/data/trec_fine_grained_ENTY/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_ENTY/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_ENTY/stats.test.json b/data/trec_fine_grained_ENTY/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9dc0bf44af76d0cb2675494e4054cd438cd17f1b
--- /dev/null
+++ b/data/trec_fine_grained_ENTY/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 94,
+  "inputs_max_tokens": 85,
+  "inputs_tokens": 6901,
+  "targets_max_tokens": 5,
+  "targets_tokens": 149
+}
diff --git a/data/trec_fine_grained_ENTY/stats.train.json b/data/trec_fine_grained_ENTY/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3fbe29267527744e20fc693f63af8c25cdd56674
--- /dev/null
+++ b/data/trec_fine_grained_ENTY/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1250,
+  "inputs_max_tokens": 116,
+  "inputs_tokens": 96067,
+  "targets_max_tokens": 5,
+  "targets_tokens": 1783
+}
diff --git a/data/trec_fine_grained_ENTY/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_ENTY/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ee590889ab3f1ee3523d413cbf61838daea7a1a4
--- /dev/null
+++ b/data/trec_fine_grained_ENTY/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:730eba90b33c933cf82ae960ac95778fe26d7bdf155e9a01ac9982cf6da43156
+size 76273
diff --git a/data/trec_fine_grained_ENTY/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_ENTY/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..df67647bbb06ad36016a571df2b1b78ac60958ca
--- /dev/null
+++ b/data/trec_fine_grained_ENTY/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:44696e5744233e87cfdd6af50eda0cc85ca72bf4c5f6b2b78ab6283140cf17ee
+size 1034595
diff --git a/data/trec_fine_grained_HUM/COMPLETED b/data/trec_fine_grained_HUM/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_HUM/info.test.json b/data/trec_fine_grained_HUM/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_HUM/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_HUM/info.train.json b/data/trec_fine_grained_HUM/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_HUM/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_HUM/stats.test.json b/data/trec_fine_grained_HUM/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5e7d5b9909af1374ce9c089bd25af242b92c0c87
--- /dev/null
+++ b/data/trec_fine_grained_HUM/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 65,
+  "inputs_max_tokens": 38,
+  "inputs_tokens": 1672,
+  "targets_max_tokens": 1,
+  "targets_tokens": 65
+}
diff --git a/data/trec_fine_grained_HUM/stats.train.json b/data/trec_fine_grained_HUM/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2bfdcc44e55c81e1ed91db762eaea143783332aa
--- /dev/null
+++ b/data/trec_fine_grained_HUM/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1223,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 36227,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1223
+}
diff --git a/data/trec_fine_grained_HUM/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_HUM/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1c8bb0e247bb8a2c04e76c0bbfe9fafbbf0caa55
--- /dev/null
+++ b/data/trec_fine_grained_HUM/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:68d30bf2a93fbfafde1b1b303a7b37122464cd9438e237f5098a88dd276ea53b
+size 22009
diff --git a/data/trec_fine_grained_HUM/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_HUM/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..315249d3971af8d8baf06658ae062aa3dfeec9cb
--- /dev/null
+++ b/data/trec_fine_grained_HUM/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1edf004aac3ee6350f3ee734c646825e785579ba50b022b779651f23a16aa181
+size 439403
diff --git a/data/trec_fine_grained_HUM_context_first/COMPLETED b/data/trec_fine_grained_HUM_context_first/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_HUM_context_first/info.test.json b/data/trec_fine_grained_HUM_context_first/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_HUM_context_first/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_HUM_context_first/info.train.json b/data/trec_fine_grained_HUM_context_first/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_HUM_context_first/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_HUM_context_first/stats.test.json b/data/trec_fine_grained_HUM_context_first/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..5e7d5b9909af1374ce9c089bd25af242b92c0c87
--- /dev/null
+++ b/data/trec_fine_grained_HUM_context_first/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 65,
+  "inputs_max_tokens": 38,
+  "inputs_tokens": 1672,
+  "targets_max_tokens": 1,
+  "targets_tokens": 65
+}
diff --git a/data/trec_fine_grained_HUM_context_first/stats.train.json b/data/trec_fine_grained_HUM_context_first/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2bfdcc44e55c81e1ed91db762eaea143783332aa
--- /dev/null
+++ b/data/trec_fine_grained_HUM_context_first/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1223,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 36227,
+  "targets_max_tokens": 1,
+  "targets_tokens": 1223
+}
diff --git a/data/trec_fine_grained_HUM_context_first/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_HUM_context_first/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f69cec5d4221d91bdbe743baf92b8475bf7b2e8e
--- /dev/null
+++ b/data/trec_fine_grained_HUM_context_first/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0687248a44184a290f6205f450202d04be54041318cfefad5489b12260cbef99
+size 22014
diff --git a/data/trec_fine_grained_HUM_context_first/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_HUM_context_first/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cea878419f49c0f017bad897ca7352eed8e6c58a
--- /dev/null
+++ b/data/trec_fine_grained_HUM_context_first/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:733ff17a53cfad8638aecac34386841e19a424c78a9fb3d8938182ff477688d7
+size 439485
diff --git a/data/trec_fine_grained_LOC/COMPLETED b/data/trec_fine_grained_LOC/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_LOC/info.test.json b/data/trec_fine_grained_LOC/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_LOC/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_LOC/info.train.json b/data/trec_fine_grained_LOC/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_LOC/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_LOC/stats.test.json b/data/trec_fine_grained_LOC/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d203d3ccb255d2b354d98ee532fbc662c2ea247
--- /dev/null
+++ b/data/trec_fine_grained_LOC/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 81,
+  "inputs_max_tokens": 40,
+  "inputs_tokens": 2264,
+  "targets_max_tokens": 2,
+  "targets_tokens": 131
+}
diff --git a/data/trec_fine_grained_LOC/stats.train.json b/data/trec_fine_grained_LOC/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..32caa68abeec3f0db5e74b88f4dec15364001dc5
--- /dev/null
+++ b/data/trec_fine_grained_LOC/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 835,
+  "inputs_max_tokens": 61,
+  "inputs_tokens": 25297,
+  "targets_max_tokens": 2,
+  "targets_tokens": 1299
+}
diff --git a/data/trec_fine_grained_LOC/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_LOC/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e2448f103c768ef6756b9f56b78e532887792ab3
--- /dev/null
+++ b/data/trec_fine_grained_LOC/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fa79c00025a86e7bc96a06f61a238eec91dce63b0c8b39d7dbdc23a7d106dd30
+size 29047
diff --git a/data/trec_fine_grained_LOC/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_LOC/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..653ee7f17cc029989c13ad110dc88ded5f994c93
--- /dev/null
+++ b/data/trec_fine_grained_LOC/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:54c8a2295327672de97f2afce591c19f3637db777cdbe711e3606510270424c9
+size 312191
diff --git a/data/trec_fine_grained_LOC_context_first/COMPLETED b/data/trec_fine_grained_LOC_context_first/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_LOC_context_first/info.test.json b/data/trec_fine_grained_LOC_context_first/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_LOC_context_first/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_LOC_context_first/info.train.json b/data/trec_fine_grained_LOC_context_first/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_LOC_context_first/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_LOC_context_first/stats.test.json b/data/trec_fine_grained_LOC_context_first/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..1d203d3ccb255d2b354d98ee532fbc662c2ea247
--- /dev/null
+++ b/data/trec_fine_grained_LOC_context_first/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 81,
+  "inputs_max_tokens": 40,
+  "inputs_tokens": 2264,
+  "targets_max_tokens": 2,
+  "targets_tokens": 131
+}
diff --git a/data/trec_fine_grained_LOC_context_first/stats.train.json b/data/trec_fine_grained_LOC_context_first/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..32caa68abeec3f0db5e74b88f4dec15364001dc5
--- /dev/null
+++ b/data/trec_fine_grained_LOC_context_first/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 835,
+  "inputs_max_tokens": 61,
+  "inputs_tokens": 25297,
+  "targets_max_tokens": 2,
+  "targets_tokens": 1299
+}
diff --git a/data/trec_fine_grained_LOC_context_first/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_LOC_context_first/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fd443920d115e1ce3cbcf5df5af17cbe24df7842
--- /dev/null
+++ b/data/trec_fine_grained_LOC_context_first/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c82617f8f8159fd7a1d2c0c6c1b1f902a13fa92fcad7ec70f1c43874be4b5672
+size 29136
diff --git a/data/trec_fine_grained_LOC_context_first/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_LOC_context_first/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c72d5441d79d88868c8c592bfbdcc33d78aea22e
--- /dev/null
+++ b/data/trec_fine_grained_LOC_context_first/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f84c92bcc623cb3935f141e338f960beee56c29a37b5e43a76ba873f45911051
+size 313093
diff --git a/data/trec_fine_grained_NUM/COMPLETED b/data/trec_fine_grained_NUM/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_NUM/info.test.json b/data/trec_fine_grained_NUM/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_NUM/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_NUM/info.train.json b/data/trec_fine_grained_NUM/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_NUM/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_NUM/stats.test.json b/data/trec_fine_grained_NUM/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..250a2304853e28d8064fea1385cc754b088f9184
--- /dev/null
+++ b/data/trec_fine_grained_NUM/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 113,
+  "inputs_max_tokens": 53,
+  "inputs_tokens": 5163,
+  "targets_max_tokens": 3,
+  "targets_tokens": 141
+}
diff --git a/data/trec_fine_grained_NUM/stats.train.json b/data/trec_fine_grained_NUM/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..64bcd459f779ba2cad547e6e2b528ee3796fd2ed
--- /dev/null
+++ b/data/trec_fine_grained_NUM/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 896,
+  "inputs_max_tokens": 73,
+  "inputs_tokens": 43632,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1098
+}
diff --git a/data/trec_fine_grained_NUM/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_NUM/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c1ae4437261acdc56949f2a240e6b71f26249d41
--- /dev/null
+++ b/data/trec_fine_grained_NUM/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:aaa6b379c9d9b40419a3a61ad33e664fa9ee16188f15e87a0b46ef7fe2c4c1eb
+size 59290
diff --git a/data/trec_fine_grained_NUM/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_NUM/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dc670a96cedaa555ee83a6b0293857f4a614201a
--- /dev/null
+++ b/data/trec_fine_grained_NUM/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a649e54ef4cfad7200a0de00dc45a9a0c8bb01f1a28a11ad49575e05d4110505
+size 484280
diff --git a/data/trec_fine_grained_NUM_context_first/COMPLETED b/data/trec_fine_grained_NUM_context_first/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_NUM_context_first/info.test.json b/data/trec_fine_grained_NUM_context_first/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_NUM_context_first/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_NUM_context_first/info.train.json b/data/trec_fine_grained_NUM_context_first/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_NUM_context_first/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_NUM_context_first/stats.test.json b/data/trec_fine_grained_NUM_context_first/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..250a2304853e28d8064fea1385cc754b088f9184
--- /dev/null
+++ b/data/trec_fine_grained_NUM_context_first/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 113,
+  "inputs_max_tokens": 53,
+  "inputs_tokens": 5163,
+  "targets_max_tokens": 3,
+  "targets_tokens": 141
+}
diff --git a/data/trec_fine_grained_NUM_context_first/stats.train.json b/data/trec_fine_grained_NUM_context_first/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..64bcd459f779ba2cad547e6e2b528ee3796fd2ed
--- /dev/null
+++ b/data/trec_fine_grained_NUM_context_first/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 896,
+  "inputs_max_tokens": 73,
+  "inputs_tokens": 43632,
+  "targets_max_tokens": 3,
+  "targets_tokens": 1098
+}
diff --git a/data/trec_fine_grained_NUM_context_first/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_NUM_context_first/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e648043b6e2e3557be1248ff702bfeba8b3e60a1
--- /dev/null
+++ b/data/trec_fine_grained_NUM_context_first/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eeb996ef0f0775296e3df66f235fe82f3e2d52c36cfb68750d9392d744d71776
+size 59403
diff --git a/data/trec_fine_grained_NUM_context_first/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_NUM_context_first/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..626fc3ce206da3f0bbcae64313065a056f80283e
--- /dev/null
+++ b/data/trec_fine_grained_NUM_context_first/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:524c1806182aa93e33219818a640d53b1ad243df860b66f5b26a327ceefff748
+size 485176
diff --git a/data/trec_fine_grained_open/COMPLETED b/data/trec_fine_grained_open/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_open/info.test.json b/data/trec_fine_grained_open/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_open/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_open/info.train.json b/data/trec_fine_grained_open/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_open/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_open/stats.test.json b/data/trec_fine_grained_open/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a56ea30c163dfdd3883eb5e3b35316417bcefff0
--- /dev/null
+++ b/data/trec_fine_grained_open/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 31,
+  "inputs_tokens": 8591,
+  "targets_max_tokens": 5,
+  "targets_tokens": 958
+}
diff --git a/data/trec_fine_grained_open/stats.train.json b/data/trec_fine_grained_open/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5b942e7c67a5809b24892aa8798b94def8c6419e
--- /dev/null
+++ b/data/trec_fine_grained_open/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5452,
+  "inputs_max_tokens": 61,
+  "inputs_tokens": 114566,
+  "targets_max_tokens": 5,
+  "targets_tokens": 8350
+}
diff --git a/data/trec_fine_grained_open/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_open/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f9cba3a41a4eb3b42d88029b32f7a09ff4927afb
--- /dev/null
+++ b/data/trec_fine_grained_open/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bacfcd0d7022b8e68abe19d1adb395b35c831569a268a39e50519a06d49225e1
+size 347029
diff --git a/data/trec_fine_grained_open/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_open/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f268aa19b776cab295687ab6a5bcd63c4c657463
--- /dev/null
+++ b/data/trec_fine_grained_open/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:daf1c94735b1eea7427bb402d5d83f2698d0e27b8c3241dc3b8eae1402d5e022
+size 3897059
diff --git a/data/trec_fine_grained_open_context_first/COMPLETED b/data/trec_fine_grained_open_context_first/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_fine_grained_open_context_first/info.test.json b/data/trec_fine_grained_open_context_first/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_open_context_first/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_open_context_first/info.train.json b/data/trec_fine_grained_open_context_first/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_fine_grained_open_context_first/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_fine_grained_open_context_first/stats.test.json b/data/trec_fine_grained_open_context_first/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a56ea30c163dfdd3883eb5e3b35316417bcefff0
--- /dev/null
+++ b/data/trec_fine_grained_open_context_first/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 31,
+  "inputs_tokens": 8591,
+  "targets_max_tokens": 5,
+  "targets_tokens": 958
+}
diff --git a/data/trec_fine_grained_open_context_first/stats.train.json b/data/trec_fine_grained_open_context_first/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5b942e7c67a5809b24892aa8798b94def8c6419e
--- /dev/null
+++ b/data/trec_fine_grained_open_context_first/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5452,
+  "inputs_max_tokens": 61,
+  "inputs_tokens": 114566,
+  "targets_max_tokens": 5,
+  "targets_tokens": 8350
+}
diff --git a/data/trec_fine_grained_open_context_first/test.tfrecord-00000-of-00001 b/data/trec_fine_grained_open_context_first/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3c89dddc828f08a555024be8af80709a1a73780b
--- /dev/null
+++ b/data/trec_fine_grained_open_context_first/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8f4901e4cb9cefee804b63e3d29c4dc4a3f02368d0ce6c197b1a5b3d6129e3fb
+size 347029
diff --git a/data/trec_fine_grained_open_context_first/train.tfrecord-00000-of-00001 b/data/trec_fine_grained_open_context_first/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7d9f82dfd75b89104f09af72411e3b1f76429c05
--- /dev/null
+++ b/data/trec_fine_grained_open_context_first/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9db56b8f97d40f084981a00df522cec8aecf4353f5200573a3b6c1ea8347e718
+size 3897059
diff --git a/data/trec_pick_the_best_descriptor/COMPLETED b/data/trec_pick_the_best_descriptor/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_pick_the_best_descriptor/info.test.json b/data/trec_pick_the_best_descriptor/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_pick_the_best_descriptor/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_pick_the_best_descriptor/info.train.json b/data/trec_pick_the_best_descriptor/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_pick_the_best_descriptor/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_pick_the_best_descriptor/stats.test.json b/data/trec_pick_the_best_descriptor/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e114dc39bfe7bbf69fec765f76ae1c4f59b19e84
--- /dev/null
+++ b/data/trec_pick_the_best_descriptor/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 52,
+  "inputs_tokens": 19091,
+  "targets_max_tokens": 4,
+  "targets_tokens": 734
+}
diff --git a/data/trec_pick_the_best_descriptor/stats.train.json b/data/trec_pick_the_best_descriptor/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2cdcac60e75817cb7e813b509eb6519a8ef12850
--- /dev/null
+++ b/data/trec_pick_the_best_descriptor/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5452,
+  "inputs_max_tokens": 82,
+  "inputs_tokens": 229058,
+  "targets_max_tokens": 4,
+  "targets_tokens": 7856
+}
diff --git a/data/trec_pick_the_best_descriptor/test.tfrecord-00000-of-00001 b/data/trec_pick_the_best_descriptor/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b43fedfbcd83514e80e36c95bafcc890c51db81b
--- /dev/null
+++ b/data/trec_pick_the_best_descriptor/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c092db1691dc7fbd2ca075a899bee78c8cd3ad1343f9e7db899a5c08e3c6cf21
+size 207029
diff --git a/data/trec_pick_the_best_descriptor/train.tfrecord-00000-of-00001 b/data/trec_pick_the_best_descriptor/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a21af75e69bb161835dfb3361c0b95e1d77e05aa
--- /dev/null
+++ b/data/trec_pick_the_best_descriptor/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a9c831f4f3150be453260db925f02ac904ca9edd74cab0cb478a67dce1a1d474
+size 2368833
diff --git a/data/trec_trec1/COMPLETED b/data/trec_trec1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_trec1/info.test.json b/data/trec_trec1/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_trec1/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_trec1/info.train.json b/data/trec_trec1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_trec1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_trec1/stats.test.json b/data/trec_trec1/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f9959e94e1d98b86cc2dfa9bd85464d218af0708
--- /dev/null
+++ b/data/trec_trec1/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 46,
+  "inputs_tokens": 16091,
+  "targets_max_tokens": 4,
+  "targets_tokens": 734
+}
diff --git a/data/trec_trec1/stats.train.json b/data/trec_trec1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..27c82a708c897de5fc206612708492871e2a9677
--- /dev/null
+++ b/data/trec_trec1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5452,
+  "inputs_max_tokens": 76,
+  "inputs_tokens": 196346,
+  "targets_max_tokens": 4,
+  "targets_tokens": 7856
+}
diff --git a/data/trec_trec1/test.tfrecord-00000-of-00001 b/data/trec_trec1/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0456cbc5a1f55ab070b64abf7d7242712ad47a11
--- /dev/null
+++ b/data/trec_trec1/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7b80175f4b008538abe00193bf08057a11a6115d5e55b5c0ead959a0dc869137
+size 191225
diff --git a/data/trec_trec1/train.tfrecord-00000-of-00001 b/data/trec_trec1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0b1b4e2e65b95470d4d5dd81d7fd8b43c1a74931
--- /dev/null
+++ b/data/trec_trec1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:31bee3900d6d39510d64bccd4f1068289019fc6cf13af273bc54da1ab154052e
+size 2200466
diff --git a/data/trec_trec2/COMPLETED b/data/trec_trec2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_trec2/info.test.json b/data/trec_trec2/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_trec2/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_trec2/info.train.json b/data/trec_trec2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_trec2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_trec2/stats.test.json b/data/trec_trec2/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f317387e23bf3b13b4f6d9da9ffc4308772d7821
--- /dev/null
+++ b/data/trec_trec2/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 48,
+  "inputs_tokens": 17091,
+  "targets_max_tokens": 4,
+  "targets_tokens": 734
+}
diff --git a/data/trec_trec2/stats.train.json b/data/trec_trec2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ee6cce5ecc540490e962389aa776bcfad3fadef4
--- /dev/null
+++ b/data/trec_trec2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5452,
+  "inputs_max_tokens": 78,
+  "inputs_tokens": 207250,
+  "targets_max_tokens": 4,
+  "targets_tokens": 7856
+}
diff --git a/data/trec_trec2/test.tfrecord-00000-of-00001 b/data/trec_trec2/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a29a7a68e9647d1df72bd8b1120a357b3f0325e7
--- /dev/null
+++ b/data/trec_trec2/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:677a5264c81f2d2fdc82260c10a401cee73e62f0f65acd89e86bf8a96fa0d58f
+size 202977
diff --git a/data/trec_trec2/train.tfrecord-00000-of-00001 b/data/trec_trec2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9b8e239bd6f3c147a3c7a7fb3ea5b9d722f403c0
--- /dev/null
+++ b/data/trec_trec2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3f19f42db16dddc83b0b01b2e5f3ed6eda9ab8684ee28cb3ad315a37530eea22
+size 2325100
diff --git a/data/trec_what_category_best_describe/COMPLETED b/data/trec_what_category_best_describe/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_what_category_best_describe/info.test.json b/data/trec_what_category_best_describe/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_what_category_best_describe/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_what_category_best_describe/info.train.json b/data/trec_what_category_best_describe/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_what_category_best_describe/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_what_category_best_describe/stats.test.json b/data/trec_what_category_best_describe/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..91a3fef094401f7a2a4e37c391c582bc72ad8d6b
--- /dev/null
+++ b/data/trec_what_category_best_describe/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 49,
+  "inputs_tokens": 17591,
+  "targets_max_tokens": 4,
+  "targets_tokens": 734
+}
diff --git a/data/trec_what_category_best_describe/stats.train.json b/data/trec_what_category_best_describe/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d4008324919e5517a909a5222e160d4d021b3359
--- /dev/null
+++ b/data/trec_what_category_best_describe/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5452,
+  "inputs_max_tokens": 79,
+  "inputs_tokens": 212702,
+  "targets_max_tokens": 4,
+  "targets_tokens": 7856
+}
diff --git a/data/trec_what_category_best_describe/test.tfrecord-00000-of-00001 b/data/trec_what_category_best_describe/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d4c4eb88b89cd299d28544f15581adf3e88c1389
--- /dev/null
+++ b/data/trec_what_category_best_describe/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:06779de5d2b7b18ea9f565d9b4c2f1165098211b052ba77f8d7bd61a4b3b3e84
+size 211216
diff --git a/data/trec_what_category_best_describe/train.tfrecord-00000-of-00001 b/data/trec_what_category_best_describe/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9afb33ed593aaadce2f9e31664545b0d01df2cb0
--- /dev/null
+++ b/data/trec_what_category_best_describe/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4c5d24f8bde6a173116290b37381896882f7ce6d4e3f8d97944b5aba80fb6b2b
+size 2412964
diff --git a/data/trec_which_category_best_describes/COMPLETED b/data/trec_which_category_best_describes/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trec_which_category_best_describes/info.test.json b/data/trec_which_category_best_describes/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_which_category_best_describes/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_which_category_best_describes/info.train.json b/data/trec_which_category_best_describes/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/trec_which_category_best_describes/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trec_which_category_best_describes/stats.test.json b/data/trec_which_category_best_describes/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4a965d6d0212a5fa711d255ddef3a940a6520a75
--- /dev/null
+++ b/data/trec_which_category_best_describes/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 500,
+  "inputs_max_tokens": 54,
+  "inputs_tokens": 20091,
+  "targets_max_tokens": 4,
+  "targets_tokens": 734
+}
diff --git a/data/trec_which_category_best_describes/stats.train.json b/data/trec_which_category_best_describes/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7a86966a95c6a5ce569b0c10ddea6ec3d41c95b8
--- /dev/null
+++ b/data/trec_which_category_best_describes/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5452,
+  "inputs_max_tokens": 84,
+  "inputs_tokens": 239962,
+  "targets_max_tokens": 4,
+  "targets_tokens": 7856
+}
diff --git a/data/trec_which_category_best_describes/test.tfrecord-00000-of-00001 b/data/trec_which_category_best_describes/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1a229ae352b53fac08570be5f0967a347703aba5
--- /dev/null
+++ b/data/trec_which_category_best_describes/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9c487b7f80c45e768916171d8b087aab342d0fd37864357283fbcd70bf0760c5
+size 233716
diff --git a/data/trec_which_category_best_describes/train.tfrecord-00000-of-00001 b/data/trec_which_category_best_describes/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3eaaf6f9e9894e8ee9e7ac1dd8ea74fcfe24d859
--- /dev/null
+++ b/data/trec_which_category_best_describes/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8ad1efdb854106addafdbf54c0b00940b4a2e0a5e4c1bf7ba56c4563438ddd1d
+size 2658311
diff --git a/data/trivia_qa_unfiltered_first_person_context/COMPLETED b/data/trivia_qa_unfiltered_first_person_context/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trivia_qa_unfiltered_first_person_context/info.test.json b/data/trivia_qa_unfiltered_first_person_context/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_first_person_context/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_first_person_context/info.train.json b/data/trivia_qa_unfiltered_first_person_context/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_first_person_context/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_first_person_context/info.validation.json b/data/trivia_qa_unfiltered_first_person_context/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_first_person_context/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_first_person_context/stats.test.json b/data/trivia_qa_unfiltered_first_person_context/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..35ec39a7a796fb266b989611e19abe793f836345
--- /dev/null
+++ b/data/trivia_qa_unfiltered_first_person_context/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10832,
+  "inputs_max_tokens": 165,
+  "inputs_tokens": 286888,
+  "targets_max_tokens": 7,
+  "targets_tokens": 75824
+}
diff --git a/data/trivia_qa_unfiltered_first_person_context/stats.train.json b/data/trivia_qa_unfiltered_first_person_context/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..472577266f3f9f0feee68395e24521f6f408b012
--- /dev/null
+++ b/data/trivia_qa_unfiltered_first_person_context/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 87622,
+  "inputs_max_tokens": 282,
+  "inputs_tokens": 2313922,
+  "targets_max_tokens": 158,
+  "targets_tokens": 448617
+}
diff --git a/data/trivia_qa_unfiltered_first_person_context/stats.validation.json b/data/trivia_qa_unfiltered_first_person_context/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2efccd84d6f2c7659140e16701bcb484d5513f94
--- /dev/null
+++ b/data/trivia_qa_unfiltered_first_person_context/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11313,
+  "inputs_max_tokens": 181,
+  "inputs_tokens": 299093,
+  "targets_max_tokens": 78,
+  "targets_tokens": 57696
+}
diff --git a/data/trivia_qa_unfiltered_first_person_context/test.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_first_person_context/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eaa0383a95ccd7696d27720d95a30aa509675895
--- /dev/null
+++ b/data/trivia_qa_unfiltered_first_person_context/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f3f25567eb1e5db0f3a670e6d837248c599cced363f19995c81079646a4e0b64
+size 3024077
diff --git a/data/trivia_qa_unfiltered_first_person_context/train.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_first_person_context/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f11f1168c4b4238d906811be327918eef0a65438
--- /dev/null
+++ b/data/trivia_qa_unfiltered_first_person_context/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a2f4e34a8dc824ce034aeecb79ce28d7666d3a4ecf25276b7b064307a4ee52e8
+size 24700018
diff --git a/data/trivia_qa_unfiltered_first_person_context/validation.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_first_person_context/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..90266c3db99d23e3b2c31ce0532aed2cfc7fd8be
--- /dev/null
+++ b/data/trivia_qa_unfiltered_first_person_context/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5c91929c555a561919c4c6e4519888db5ade7b4083d82cdde4e6675897726889
+size 3188775
diff --git a/data/trivia_qa_unfiltered_formal_description/COMPLETED b/data/trivia_qa_unfiltered_formal_description/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trivia_qa_unfiltered_formal_description/info.test.json b/data/trivia_qa_unfiltered_formal_description/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_formal_description/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_formal_description/info.train.json b/data/trivia_qa_unfiltered_formal_description/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_formal_description/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_formal_description/info.validation.json b/data/trivia_qa_unfiltered_formal_description/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_formal_description/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_formal_description/stats.test.json b/data/trivia_qa_unfiltered_formal_description/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b91b98dd4fbb1c77e0589b9edb7dfe9fe7b46f3
--- /dev/null
+++ b/data/trivia_qa_unfiltered_formal_description/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10832,
+  "inputs_max_tokens": 180,
+  "inputs_tokens": 449368,
+  "targets_max_tokens": 7,
+  "targets_tokens": 75824
+}
diff --git a/data/trivia_qa_unfiltered_formal_description/stats.train.json b/data/trivia_qa_unfiltered_formal_description/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..a767fe172fce10f198b0d518ba88a6f3d5130970
--- /dev/null
+++ b/data/trivia_qa_unfiltered_formal_description/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 87622,
+  "inputs_max_tokens": 297,
+  "inputs_tokens": 3628252,
+  "targets_max_tokens": 158,
+  "targets_tokens": 448597
+}
diff --git a/data/trivia_qa_unfiltered_formal_description/stats.validation.json b/data/trivia_qa_unfiltered_formal_description/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1ec179278c7e35198264dff7f8b09e8411099581
--- /dev/null
+++ b/data/trivia_qa_unfiltered_formal_description/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11313,
+  "inputs_max_tokens": 196,
+  "inputs_tokens": 468788,
+  "targets_max_tokens": 78,
+  "targets_tokens": 57793
+}
diff --git a/data/trivia_qa_unfiltered_formal_description/test.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_formal_description/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..46d94f9ab66a89aaa917f04e525fcf6b67fe6bfd
--- /dev/null
+++ b/data/trivia_qa_unfiltered_formal_description/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d6b5fbfc802630aafb34355a03e6236bd1a4e7402ede8575ceef6347aeb32aa6
+size 4139879
diff --git a/data/trivia_qa_unfiltered_formal_description/train.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_formal_description/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a9dc6c36f79676ea4be490f1bae376dbfd12ac36
--- /dev/null
+++ b/data/trivia_qa_unfiltered_formal_description/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e26ed758b33a1a23fafdc4e706393cea2072420c16ec6ea2b5178ca70fe077ab
+size 33726771
diff --git a/data/trivia_qa_unfiltered_formal_description/validation.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_formal_description/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7bc84924ef45445ce2a6e8342f23feb3b03a10d3
--- /dev/null
+++ b/data/trivia_qa_unfiltered_formal_description/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:33936788db355161b92fc723701857fc4ce1b664794d339e491308d9d4f3c02f
+size 4355064
diff --git a/data/trivia_qa_unfiltered_guess_question/COMPLETED b/data/trivia_qa_unfiltered_guess_question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trivia_qa_unfiltered_guess_question/info.test.json b/data/trivia_qa_unfiltered_guess_question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0967ef424bce6791893e9a57bb952f80fd536e93
--- /dev/null
+++ b/data/trivia_qa_unfiltered_guess_question/info.test.json
@@ -0,0 +1 @@
+{}
diff --git a/data/trivia_qa_unfiltered_guess_question/info.train.json b/data/trivia_qa_unfiltered_guess_question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_guess_question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_guess_question/info.validation.json b/data/trivia_qa_unfiltered_guess_question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_guess_question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_guess_question/stats.test.json b/data/trivia_qa_unfiltered_guess_question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e9c0b13e1a0edb131bb207c6f8badc3237ac0aaa
--- /dev/null
+++ b/data/trivia_qa_unfiltered_guess_question/stats.test.json
@@ -0,0 +1,3 @@
+{
+  "examples": 0
+}
diff --git a/data/trivia_qa_unfiltered_guess_question/stats.train.json b/data/trivia_qa_unfiltered_guess_question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9b647e0fcdf1e6fe93a5c16e757a581e403b0742
--- /dev/null
+++ b/data/trivia_qa_unfiltered_guess_question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 87622,
+  "inputs_max_tokens": 168,
+  "inputs_tokens": 1393449,
+  "targets_max_tokens": 276,
+  "targets_tokens": 1788190
+}
diff --git a/data/trivia_qa_unfiltered_guess_question/stats.validation.json b/data/trivia_qa_unfiltered_guess_question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a0c15a6a3399b24841dd425940cf2409b3f447eb
--- /dev/null
+++ b/data/trivia_qa_unfiltered_guess_question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11313,
+  "inputs_max_tokens": 89,
+  "inputs_tokens": 179519,
+  "targets_max_tokens": 175,
+  "targets_tokens": 231215
+}
diff --git a/data/trivia_qa_unfiltered_guess_question/test.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_guess_question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trivia_qa_unfiltered_guess_question/train.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_guess_question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2b895e10e9d44c1c2d0d74627bbb9dc047d68a17
--- /dev/null
+++ b/data/trivia_qa_unfiltered_guess_question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:79bc1b694d6306284fba57aabe7e7bc892e43083d7d4b1add444f4e38d5a6a65
+size 26703120
diff --git a/data/trivia_qa_unfiltered_guess_question/validation.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_guess_question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ca1529699b22dfacdf52a43d3aca1ec2e7c4988a
--- /dev/null
+++ b/data/trivia_qa_unfiltered_guess_question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b507eb1c0aac0a4129b4937ccca16ea333828cb21c451d0305febd878dd1a771
+size 3445883
diff --git a/data/trivia_qa_unfiltered_question_answer/COMPLETED b/data/trivia_qa_unfiltered_question_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trivia_qa_unfiltered_question_answer/info.test.json b/data/trivia_qa_unfiltered_question_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_question_answer/info.train.json b/data/trivia_qa_unfiltered_question_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_question_answer/info.validation.json b/data/trivia_qa_unfiltered_question_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_question_answer/stats.test.json b/data/trivia_qa_unfiltered_question_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..35ec39a7a796fb266b989611e19abe793f836345
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10832,
+  "inputs_max_tokens": 165,
+  "inputs_tokens": 286888,
+  "targets_max_tokens": 7,
+  "targets_tokens": 75824
+}
diff --git a/data/trivia_qa_unfiltered_question_answer/stats.train.json b/data/trivia_qa_unfiltered_question_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4e5a771bd9499d098f794cc6a3111790e6369243
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 87622,
+  "inputs_max_tokens": 282,
+  "inputs_tokens": 2313922,
+  "targets_max_tokens": 158,
+  "targets_tokens": 448597
+}
diff --git a/data/trivia_qa_unfiltered_question_answer/stats.validation.json b/data/trivia_qa_unfiltered_question_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8f976d79bc9fc8161aafa35f4ae40c7c1b82774e
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11313,
+  "inputs_max_tokens": 181,
+  "inputs_tokens": 299093,
+  "targets_max_tokens": 78,
+  "targets_tokens": 57457
+}
diff --git a/data/trivia_qa_unfiltered_question_answer/test.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_question_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ce9b3ea6794c82403830ad6f6742c1ac98e9e9e8
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3835922f34478269c84070abae22eb269cfb5b7e4e1fe4e6b4aa4ad75e11e0b5
+size 2991020
diff --git a/data/trivia_qa_unfiltered_question_answer/train.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_question_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..51dbadef99b3a7124406d56e07b70a3c4d4a54f4
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eab948d28135a2477e6ca28e2ad1f4538a21c4ac1f45e3bdbe3841e9aca55ea9
+size 24432643
diff --git a/data/trivia_qa_unfiltered_question_answer/validation.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_question_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..78fb1bf909195032142b8463ed2ff9fa847ea916
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c615147d71b762c01111247bcefadc75db289a9e932805c8f410eede257a7ba5
+size 3153356
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/COMPLETED b/data/trivia_qa_unfiltered_question_with_instruction/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/info.test.json b/data/trivia_qa_unfiltered_question_with_instruction/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_with_instruction/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/info.train.json b/data/trivia_qa_unfiltered_question_with_instruction/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_with_instruction/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/info.validation.json b/data/trivia_qa_unfiltered_question_with_instruction/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_with_instruction/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/stats.test.json b/data/trivia_qa_unfiltered_question_with_instruction/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e07983a0059e0e5053571dcaf43c33c253d175fc
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_with_instruction/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 10832,
+  "inputs_max_tokens": 164,
+  "inputs_tokens": 276056,
+  "targets_max_tokens": 7,
+  "targets_tokens": 75824
+}
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/stats.train.json b/data/trivia_qa_unfiltered_question_with_instruction/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..921025142c08e8acd0f2dbbcdac5f003f048e07c
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_with_instruction/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 87622,
+  "inputs_max_tokens": 281,
+  "inputs_tokens": 2226300,
+  "targets_max_tokens": 158,
+  "targets_tokens": 448601
+}
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/stats.validation.json b/data/trivia_qa_unfiltered_question_with_instruction/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..47918b6a08345ad5ec21593e14bbf06c1fa21556
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_with_instruction/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11313,
+  "inputs_max_tokens": 180,
+  "inputs_tokens": 287780,
+  "targets_max_tokens": 78,
+  "targets_tokens": 57586
+}
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/test.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_question_with_instruction/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a4296df37d7d1882e07613b9cd333c9b922ed2b7
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_with_instruction/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3361737460a076548f779785fb7dec04107e3abd6022d83dc1cb1a7a1212facf
+size 3113723
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/train.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_question_with_instruction/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..18a8ec4e9ccf374ae69fdd49210cc5458c096862
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_with_instruction/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:12fd1aa48b2d0dbe1ba907ca64975ccf135f173111cb51c052a46f2ed9ec1bf0
+size 25425230
diff --git a/data/trivia_qa_unfiltered_question_with_instruction/validation.tfrecord-00000-of-00001 b/data/trivia_qa_unfiltered_question_with_instruction/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d7d7ac44379d11aabdd819df5206952d6e52a5f2
--- /dev/null
+++ b/data/trivia_qa_unfiltered_question_with_instruction/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a49134493b8635588d7b04b562dcf00b76a59782b4d219f430cce1f998f480e5
+size 3282506
diff --git a/data/web_questions_get_the_answer/COMPLETED b/data/web_questions_get_the_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/web_questions_get_the_answer/info.test.json b/data/web_questions_get_the_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_get_the_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_get_the_answer/info.train.json b/data/web_questions_get_the_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_get_the_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_get_the_answer/stats.test.json b/data/web_questions_get_the_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fb7e99a8969fefe0d77704ff6ea30d5feaeba60a
--- /dev/null
+++ b/data/web_questions_get_the_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2032,
+  "inputs_max_tokens": 32,
+  "inputs_tokens": 41281,
+  "targets_max_tokens": 65,
+  "targets_tokens": 7957
+}
diff --git a/data/web_questions_get_the_answer/stats.train.json b/data/web_questions_get_the_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c9cd77f35f70197310048df502ca57c4ecdc76c9
--- /dev/null
+++ b/data/web_questions_get_the_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3778,
+  "inputs_max_tokens": 33,
+  "inputs_tokens": 76175,
+  "targets_max_tokens": 109,
+  "targets_tokens": 14401
+}
diff --git a/data/web_questions_get_the_answer/test.tfrecord-00000-of-00001 b/data/web_questions_get_the_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c5a40e8bbdbd3e0310035763745399aa628e8fe6
--- /dev/null
+++ b/data/web_questions_get_the_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a6df7fd44ba6ddf26d7e713b91ce89b3e38edd7c680caa0964bfc0eb009c0e91
+size 503755
diff --git a/data/web_questions_get_the_answer/train.tfrecord-00000-of-00001 b/data/web_questions_get_the_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..df9b5453acdb0522f408da39f9ef9e900c4a7463
--- /dev/null
+++ b/data/web_questions_get_the_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fb74e27a3c64affcd8ee7b101211cc54fadf2924516d9a7341ed34dd6ad47956
+size 931007
diff --git a/data/web_questions_potential_correct_answer/COMPLETED b/data/web_questions_potential_correct_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/web_questions_potential_correct_answer/info.test.json b/data/web_questions_potential_correct_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_potential_correct_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_potential_correct_answer/info.train.json b/data/web_questions_potential_correct_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_potential_correct_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_potential_correct_answer/stats.test.json b/data/web_questions_potential_correct_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a00b0d36799bbae3d7b3240062755f8fbe199f63
--- /dev/null
+++ b/data/web_questions_potential_correct_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2032,
+  "inputs_max_tokens": 34,
+  "inputs_tokens": 45345,
+  "targets_max_tokens": 65,
+  "targets_tokens": 7882
+}
diff --git a/data/web_questions_potential_correct_answer/stats.train.json b/data/web_questions_potential_correct_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..dbc2ffd0b58b47dfa69b1691fbf4f58d5a53bb0a
--- /dev/null
+++ b/data/web_questions_potential_correct_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3778,
+  "inputs_max_tokens": 35,
+  "inputs_tokens": 83733,
+  "targets_max_tokens": 109,
+  "targets_tokens": 14440
+}
diff --git a/data/web_questions_potential_correct_answer/test.tfrecord-00000-of-00001 b/data/web_questions_potential_correct_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..de06374349aee1d5232bb032b3c85e78920fe270
--- /dev/null
+++ b/data/web_questions_potential_correct_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a2ddc2c92bf8305378d685f16c6819a0090bf6bbf45d4ce5158f431d21b43772
+size 533657
diff --git a/data/web_questions_potential_correct_answer/train.tfrecord-00000-of-00001 b/data/web_questions_potential_correct_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4b33279893078753ebb6f05db6c99936c6fdf3ba
--- /dev/null
+++ b/data/web_questions_potential_correct_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a8890cca7bbaacf3ddef7f6958286a7fec8fc93e547fac4238d23c5cdb819ddf
+size 987547
diff --git a/data/web_questions_question_answer/COMPLETED b/data/web_questions_question_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/web_questions_question_answer/info.test.json b/data/web_questions_question_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_question_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_question_answer/info.train.json b/data/web_questions_question_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_question_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_question_answer/stats.test.json b/data/web_questions_question_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..20bde0da7540964ffd5f50d14762b9098924327e
--- /dev/null
+++ b/data/web_questions_question_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2032,
+  "inputs_max_tokens": 23,
+  "inputs_tokens": 22993,
+  "targets_max_tokens": 65,
+  "targets_tokens": 7894
+}
diff --git a/data/web_questions_question_answer/stats.train.json b/data/web_questions_question_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..acf88b2a16f8a44cb2054eb182f6d93bb96ad345
--- /dev/null
+++ b/data/web_questions_question_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3778,
+  "inputs_max_tokens": 24,
+  "inputs_tokens": 42175,
+  "targets_max_tokens": 109,
+  "targets_tokens": 14373
+}
diff --git a/data/web_questions_question_answer/test.tfrecord-00000-of-00001 b/data/web_questions_question_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cfa84b0d914115ab76543f98d85d4edca0255a94
--- /dev/null
+++ b/data/web_questions_question_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ead52ced984a484fd5fbbec2ad384147d02b62bea4bcf2523e0687977a4125f3
+size 390981
diff --git a/data/web_questions_question_answer/train.tfrecord-00000-of-00001 b/data/web_questions_question_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..54faef0ff16289c588ae8787dffa94ff93bbc1e3
--- /dev/null
+++ b/data/web_questions_question_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e7863111dd66f0203d08804cb1c18c30fe4e828b587d7bf0c1ce3afc9e2c3cc5
+size 722370
diff --git a/data/web_questions_short_general_knowledge_q/COMPLETED b/data/web_questions_short_general_knowledge_q/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/web_questions_short_general_knowledge_q/info.test.json b/data/web_questions_short_general_knowledge_q/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_short_general_knowledge_q/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_short_general_knowledge_q/info.train.json b/data/web_questions_short_general_knowledge_q/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_short_general_knowledge_q/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_short_general_knowledge_q/stats.test.json b/data/web_questions_short_general_knowledge_q/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d2e87d297a7fdf675747cbfcaea93fe745a3bc6
--- /dev/null
+++ b/data/web_questions_short_general_knowledge_q/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2032,
+  "inputs_max_tokens": 28,
+  "inputs_tokens": 33153,
+  "targets_max_tokens": 65,
+  "targets_tokens": 7908
+}
diff --git a/data/web_questions_short_general_knowledge_q/stats.train.json b/data/web_questions_short_general_knowledge_q/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c82868a905b1068868823b784b3650c53005a73
--- /dev/null
+++ b/data/web_questions_short_general_knowledge_q/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3778,
+  "inputs_max_tokens": 29,
+  "inputs_tokens": 61063,
+  "targets_max_tokens": 109,
+  "targets_tokens": 14401
+}
diff --git a/data/web_questions_short_general_knowledge_q/test.tfrecord-00000-of-00001 b/data/web_questions_short_general_knowledge_q/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e70e0120aeb7aebb7f612df387ced0b0051459e7
--- /dev/null
+++ b/data/web_questions_short_general_knowledge_q/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:101d9caf4fc646f3984a24bc05b63195e24608ea036d4f415dff8b29731e1c75
+size 476798
diff --git a/data/web_questions_short_general_knowledge_q/train.tfrecord-00000-of-00001 b/data/web_questions_short_general_knowledge_q/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1521e93203860ba9136cdffb77df3b9d3dbd1ecb
--- /dev/null
+++ b/data/web_questions_short_general_knowledge_q/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:33613790f8ba7068cf16ef99f1f3e90d356dbf731c8b02e1a7dd250fb77e06be
+size 881829
diff --git a/data/web_questions_whats_the_answer/COMPLETED b/data/web_questions_whats_the_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/web_questions_whats_the_answer/info.test.json b/data/web_questions_whats_the_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_whats_the_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_whats_the_answer/info.train.json b/data/web_questions_whats_the_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/web_questions_whats_the_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/web_questions_whats_the_answer/stats.test.json b/data/web_questions_whats_the_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a7dc89f40a605d16e05ca76a738bed74b9ba5162
--- /dev/null
+++ b/data/web_questions_whats_the_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2032,
+  "inputs_max_tokens": 32,
+  "inputs_tokens": 41281,
+  "targets_max_tokens": 65,
+  "targets_tokens": 7971
+}
diff --git a/data/web_questions_whats_the_answer/stats.train.json b/data/web_questions_whats_the_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4d7ee35e7409288f1f1540cd2f20286162da710e
--- /dev/null
+++ b/data/web_questions_whats_the_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3778,
+  "inputs_max_tokens": 33,
+  "inputs_tokens": 76175,
+  "targets_max_tokens": 109,
+  "targets_tokens": 14440
+}
diff --git a/data/web_questions_whats_the_answer/test.tfrecord-00000-of-00001 b/data/web_questions_whats_the_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3188050e889612b3e30c6a726638df85a7dab83a
--- /dev/null
+++ b/data/web_questions_whats_the_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a52da159672bb5a9e908f86bb7b310ef5d77bfc47d9f1f32e6150047590efb29
+size 487403
diff --git a/data/web_questions_whats_the_answer/train.tfrecord-00000-of-00001 b/data/web_questions_whats_the_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..aae6eb450c88127d286672cdbb8814af2b600465
--- /dev/null
+++ b/data/web_questions_whats_the_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2031c0490dc226add2c2ef7e2facb5a166a6998c3880dde0a98906fb44ab0833
+size 901016
diff --git a/data/wiki_bio_comprehension/COMPLETED b/data/wiki_bio_comprehension/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_bio_comprehension/info.test.json b/data/wiki_bio_comprehension/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_comprehension/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_comprehension/info.train.json b/data/wiki_bio_comprehension/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_comprehension/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_comprehension/info.val.json b/data/wiki_bio_comprehension/info.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_comprehension/info.val.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_comprehension/stats.test.json b/data/wiki_bio_comprehension/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..add4d9d968b8d86bf1504cbf162da3c146c8ec9a
--- /dev/null
+++ b/data/wiki_bio_comprehension/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72829,
+  "inputs_max_tokens": 995,
+  "inputs_tokens": 16902969,
+  "targets_max_tokens": 1242,
+  "targets_tokens": 11497505
+}
diff --git a/data/wiki_bio_comprehension/stats.train.json b/data/wiki_bio_comprehension/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7cc4e81297bf5788efde820c2f9025bc809e039a
--- /dev/null
+++ b/data/wiki_bio_comprehension/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 582639,
+  "inputs_max_tokens": 1213,
+  "inputs_tokens": 135460551,
+  "targets_max_tokens": 1837,
+  "targets_tokens": 92063220
+}
diff --git a/data/wiki_bio_comprehension/stats.val.json b/data/wiki_bio_comprehension/stats.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..1b8e6d14117103c6ebad438b3c9e24f7f9d7d2c3
--- /dev/null
+++ b/data/wiki_bio_comprehension/stats.val.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72831,
+  "inputs_max_tokens": 1047,
+  "inputs_tokens": 16936169,
+  "targets_max_tokens": 1251,
+  "targets_tokens": 11522840
+}
diff --git a/data/wiki_bio_comprehension/test.tfrecord-00000-of-00001 b/data/wiki_bio_comprehension/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..77e82aec6ecb061252e8727ede45f31803f738bf
--- /dev/null
+++ b/data/wiki_bio_comprehension/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3aae97c9e1622809e9b7dcd374d68e97d2e797f4b538b62b0520110b5457fd78
+size 138432167
diff --git a/data/wiki_bio_comprehension/train.tfrecord-00000-of-00001 b/data/wiki_bio_comprehension/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..28ac59c39e75adefd69af35c29fb2f4fa9a56307
--- /dev/null
+++ b/data/wiki_bio_comprehension/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4394b9fcb7d9a0e8f26203c88d56b13a8c12d4fcfc2874f709bc1fddb103682b
+size 1109146804
diff --git a/data/wiki_bio_comprehension/val.tfrecord-00000-of-00001 b/data/wiki_bio_comprehension/val.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..40c2a9fb54c864aa8ede44823a8820bbde8965fb
--- /dev/null
+++ b/data/wiki_bio_comprehension/val.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d5092cac62b2755e138ea8840b8b45698c54d342e4866f1d0028a3e5a0c7f18b
+size 138690762
diff --git a/data/wiki_bio_guess_person/COMPLETED b/data/wiki_bio_guess_person/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_bio_guess_person/info.test.json b/data/wiki_bio_guess_person/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_guess_person/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_guess_person/info.train.json b/data/wiki_bio_guess_person/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_guess_person/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_guess_person/info.val.json b/data/wiki_bio_guess_person/info.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_guess_person/info.val.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_guess_person/stats.test.json b/data/wiki_bio_guess_person/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..4c422aac5e3454055e718dfd62903946a89a74d0
--- /dev/null
+++ b/data/wiki_bio_guess_person/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72829,
+  "inputs_max_tokens": 1240,
+  "inputs_tokens": 11686876,
+  "targets_max_tokens": 45,
+  "targets_tokens": 636133
+}
diff --git a/data/wiki_bio_guess_person/stats.train.json b/data/wiki_bio_guess_person/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c27323e23938793cfca7f83186ded5293aeca950
--- /dev/null
+++ b/data/wiki_bio_guess_person/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 582639,
+  "inputs_max_tokens": 1850,
+  "inputs_tokens": 93566592,
+  "targets_max_tokens": 88,
+  "targets_tokens": 5078935
+}
diff --git a/data/wiki_bio_guess_person/stats.val.json b/data/wiki_bio_guess_person/stats.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..93b9bbdf04415e180c34b9c589cea6ebfffef627
--- /dev/null
+++ b/data/wiki_bio_guess_person/stats.val.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72831,
+  "inputs_max_tokens": 1254,
+  "inputs_tokens": 11711018,
+  "targets_max_tokens": 82,
+  "targets_tokens": 633923
+}
diff --git a/data/wiki_bio_guess_person/test.tfrecord-00000-of-00001 b/data/wiki_bio_guess_person/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6d86b898e872c9f368eeba29b6995273795515a8
--- /dev/null
+++ b/data/wiki_bio_guess_person/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:701b6a037c0b535a82a0eb940a54fc44c7233406cf01bd6c87b1f4c998455c4c
+size 64516833
diff --git a/data/wiki_bio_guess_person/train.tfrecord-00000-of-00001 b/data/wiki_bio_guess_person/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6d96f61270caab85df05c5e0dbc3b46253a3b654
--- /dev/null
+++ b/data/wiki_bio_guess_person/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:73fe497016d65db163b594512370553167c691f15a32166d8676c38770eec8ba
+size 516559440
diff --git a/data/wiki_bio_guess_person/val.tfrecord-00000-of-00001 b/data/wiki_bio_guess_person/val.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..78558e86f0464ebbfd085fdd1504f1285f3c8e45
--- /dev/null
+++ b/data/wiki_bio_guess_person/val.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:634ac47e7e68051729728818111cccbb73d0510cf5bba2b88bc11ad762d782b2
+size 64625497
diff --git a/data/wiki_bio_key_content/COMPLETED b/data/wiki_bio_key_content/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_bio_key_content/info.test.json b/data/wiki_bio_key_content/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_key_content/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_key_content/info.train.json b/data/wiki_bio_key_content/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_key_content/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_key_content/info.val.json b/data/wiki_bio_key_content/info.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_key_content/info.val.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_key_content/stats.test.json b/data/wiki_bio_key_content/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..11c19e8a0cee7e56591b65d18f1f88c2a00a7b1b
--- /dev/null
+++ b/data/wiki_bio_key_content/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72829,
+  "inputs_max_tokens": 966,
+  "inputs_tokens": 13578105,
+  "targets_max_tokens": 1242,
+  "targets_tokens": 11497505
+}
diff --git a/data/wiki_bio_key_content/stats.train.json b/data/wiki_bio_key_content/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..af8d56094269696858e5ca6436dcdf68374b8543
--- /dev/null
+++ b/data/wiki_bio_key_content/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 582639,
+  "inputs_max_tokens": 1179,
+  "inputs_tokens": 108879327,
+  "targets_max_tokens": 1837,
+  "targets_tokens": 92063220
+}
diff --git a/data/wiki_bio_key_content/stats.val.json b/data/wiki_bio_key_content/stats.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..367e22cb6dd3317ebb6a863071b04ab1420a984a
--- /dev/null
+++ b/data/wiki_bio_key_content/stats.val.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72831,
+  "inputs_max_tokens": 1019,
+  "inputs_tokens": 13608245,
+  "targets_max_tokens": 1251,
+  "targets_tokens": 11522840
+}
diff --git a/data/wiki_bio_key_content/test.tfrecord-00000-of-00001 b/data/wiki_bio_key_content/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3d238ca82ab47057f5880ce8c916f9ce170ecc71
--- /dev/null
+++ b/data/wiki_bio_key_content/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5f06f91a91b3bc734d007952fd20c91ff5dd3ad540749cbf98505d87f45e09cd
+size 121750173
diff --git a/data/wiki_bio_key_content/train.tfrecord-00000-of-00001 b/data/wiki_bio_key_content/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4b6adf30b39fcfa0d63e48eb2c5ec9a679c5925c
--- /dev/null
+++ b/data/wiki_bio_key_content/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f93efbb08cde67d7868364d25cdfb1bd9d6410e0188c3532a2c67c82106ec1c4
+size 975764184
diff --git a/data/wiki_bio_key_content/val.tfrecord-00000-of-00001 b/data/wiki_bio_key_content/val.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..be6f60d83297bcd41320344daa0fa4ebf25d3400
--- /dev/null
+++ b/data/wiki_bio_key_content/val.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b85fc338f9cd66766c8943a7b97d3a3231c0b798aa3c2aa1748772ba2b8acc0c
+size 121986542
diff --git a/data/wiki_bio_what_content/COMPLETED b/data/wiki_bio_what_content/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_bio_what_content/info.test.json b/data/wiki_bio_what_content/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_what_content/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_what_content/info.train.json b/data/wiki_bio_what_content/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_what_content/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_what_content/info.val.json b/data/wiki_bio_what_content/info.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_what_content/info.val.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_what_content/stats.test.json b/data/wiki_bio_what_content/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..a0b85dd11ef8b1bd3d062d0c4568e125ba78618c
--- /dev/null
+++ b/data/wiki_bio_what_content/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72829,
+  "inputs_max_tokens": 968,
+  "inputs_tokens": 13723763,
+  "targets_max_tokens": 402,
+  "targets_tokens": 3179206
+}
diff --git a/data/wiki_bio_what_content/stats.train.json b/data/wiki_bio_what_content/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..521b1e0e8be4abdd5a36b687380122858bc2f0c4
--- /dev/null
+++ b/data/wiki_bio_what_content/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 582639,
+  "inputs_max_tokens": 1181,
+  "inputs_tokens": 110044605,
+  "targets_max_tokens": 423,
+  "targets_tokens": 25415945
+}
diff --git a/data/wiki_bio_what_content/stats.val.json b/data/wiki_bio_what_content/stats.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..30e094c57788f8db9003442ef8a8dc31fd56cb97
--- /dev/null
+++ b/data/wiki_bio_what_content/stats.val.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72831,
+  "inputs_max_tokens": 1021,
+  "inputs_tokens": 13753907,
+  "targets_max_tokens": 340,
+  "targets_tokens": 3182262
+}
diff --git a/data/wiki_bio_what_content/test.tfrecord-00000-of-00001 b/data/wiki_bio_what_content/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..482c41b8662635f5aee659e15b66ced3cd63c13c
--- /dev/null
+++ b/data/wiki_bio_what_content/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:06b185542c3977560818fdf06fa89e98fc42defa0cd33d47a390b1fd4ab7a0a1
+size 89353076
diff --git a/data/wiki_bio_what_content/train.tfrecord-00000-of-00001 b/data/wiki_bio_what_content/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4cf5afcbf54586e6b73006b8b1b9897774fdf970
--- /dev/null
+++ b/data/wiki_bio_what_content/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6ce36afa5129dcd0100c50dc428576573d35deacec6c79b6d32188560e26ce49
+size 716035972
diff --git a/data/wiki_bio_what_content/val.tfrecord-00000-of-00001 b/data/wiki_bio_what_content/val.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e70cbc79c6c6a65633eedee4df58b7964d6b1f84
--- /dev/null
+++ b/data/wiki_bio_what_content/val.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3cb5d6e91bd74e3d893b02fff2eb1fdf311f501084ce969fbbbb2bdd7fa1cbb4
+size 89496304
diff --git a/data/wiki_bio_who/COMPLETED b/data/wiki_bio_who/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_bio_who/info.test.json b/data/wiki_bio_who/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_who/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_who/info.train.json b/data/wiki_bio_who/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_who/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_who/info.val.json b/data/wiki_bio_who/info.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_bio_who/info.val.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_bio_who/stats.test.json b/data/wiki_bio_who/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b88e11b08e4ca4332fb3ceb1dd06fc00e9bbe44a
--- /dev/null
+++ b/data/wiki_bio_who/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72829,
+  "inputs_max_tokens": 1274,
+  "inputs_tokens": 13663091,
+  "targets_max_tokens": 938,
+  "targets_tokens": 11922366
+}
diff --git a/data/wiki_bio_who/stats.train.json b/data/wiki_bio_who/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1dce05829a345fc6cfb8229898a66a1e06e2cb97
--- /dev/null
+++ b/data/wiki_bio_who/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 582639,
+  "inputs_max_tokens": 1861,
+  "inputs_tokens": 109377899,
+  "targets_max_tokens": 1157,
+  "targets_tokens": 95643445
+}
diff --git a/data/wiki_bio_who/stats.val.json b/data/wiki_bio_who/stats.val.json
new file mode 100644
index 0000000000000000000000000000000000000000..a53ea41533744557f7bb4b0ba713a15bb879f119
--- /dev/null
+++ b/data/wiki_bio_who/stats.val.json
@@ -0,0 +1,7 @@
+{
+  "examples": 72831,
+  "inputs_max_tokens": 1278,
+  "inputs_tokens": 13686258,
+  "targets_max_tokens": 983,
+  "targets_tokens": 11954689
+}
diff --git a/data/wiki_bio_who/test.tfrecord-00000-of-00001 b/data/wiki_bio_who/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ed057019e5ce8844c768c5c558c5894c941412e3
--- /dev/null
+++ b/data/wiki_bio_who/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ec8e59d4da42969d040ed3487928d78ec43126e847ba9fbed9703ffe95189c89
+size 121873356
diff --git a/data/wiki_bio_who/train.tfrecord-00000-of-00001 b/data/wiki_bio_who/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7c42c7414a4bfbe800f909b06ca07e0d7475c031
--- /dev/null
+++ b/data/wiki_bio_who/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b40db2a10b5b3519c79611f53708a91481119872d929a72cab9cf87dc4adaf46
+size 976750579
diff --git a/data/wiki_bio_who/val.tfrecord-00000-of-00001 b/data/wiki_bio_who/val.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cd6ab5e11227aa6668a874a5efd6be901bae920b
--- /dev/null
+++ b/data/wiki_bio_who/val.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fe76cc9bfe20ec52b5e471a2189180f5362294177fd5d3cccb51615d059d6d97
+size 122107041
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_1/COMPLETED b/data/wiki_hop_original_choose_best_object_affirmative_1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_1/info.train.json b/data/wiki_hop_original_choose_best_object_affirmative_1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_1/info.validation.json b/data/wiki_hop_original_choose_best_object_affirmative_1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_1/stats.train.json b/data/wiki_hop_original_choose_best_object_affirmative_1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..46c19f338345550eb97fa0d2ea76549bb1ef57e9
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 43738,
+  "inputs_max_tokens": 17772,
+  "inputs_tokens": 80664391,
+  "targets_max_tokens": 25,
+  "targets_tokens": 158556
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_1/stats.validation.json b/data/wiki_hop_original_choose_best_object_affirmative_1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b24b536ec9ec341e85b9d8ce5506d01ac232b654
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5129,
+  "inputs_max_tokens": 15900,
+  "inputs_tokens": 10115146,
+  "targets_max_tokens": 16,
+  "targets_tokens": 18337
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_1/train.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_affirmative_1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4aa836346e12a05ef8e8d499f929b7b5ecb94781
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:38a62f54383ac4e928964e623761a6868c9e35491f40a47d30483e1d84cb4866
+size 468114248
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_1/validation.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_affirmative_1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a36828cee1fcf80abedd8bb0dec71d61ae7d6899
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bbdfa3c7c4b7af77fd53ea4c13505211d73ed5237678d754e13615c2a9adac02
+size 58564444
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_2/COMPLETED b/data/wiki_hop_original_choose_best_object_affirmative_2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_2/info.train.json b/data/wiki_hop_original_choose_best_object_affirmative_2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_2/info.validation.json b/data/wiki_hop_original_choose_best_object_affirmative_2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_2/stats.train.json b/data/wiki_hop_original_choose_best_object_affirmative_2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..46c19f338345550eb97fa0d2ea76549bb1ef57e9
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 43738,
+  "inputs_max_tokens": 17772,
+  "inputs_tokens": 80664391,
+  "targets_max_tokens": 25,
+  "targets_tokens": 158556
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_2/stats.validation.json b/data/wiki_hop_original_choose_best_object_affirmative_2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b24b536ec9ec341e85b9d8ce5506d01ac232b654
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5129,
+  "inputs_max_tokens": 15900,
+  "inputs_tokens": 10115146,
+  "targets_max_tokens": 16,
+  "targets_tokens": 18337
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_2/train.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_affirmative_2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c0192ab301fecb62204d6a97a80039a3068d0369
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ccb1a4351e0d5c67cc1fa91e3270407059efdf182b6c22af2b3b8acc61e4fb1b
+size 467939285
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_2/validation.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_affirmative_2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ea6a40fda96309fc617ce3abfe21af65993e2a69
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:96380594948f552527e460993563091d5006bdb6ffbb2b27574302c6384416c7
+size 58543927
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_3/COMPLETED b/data/wiki_hop_original_choose_best_object_affirmative_3/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_3/info.train.json b/data/wiki_hop_original_choose_best_object_affirmative_3/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_3/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_3/info.validation.json b/data/wiki_hop_original_choose_best_object_affirmative_3/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_3/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_3/stats.train.json b/data/wiki_hop_original_choose_best_object_affirmative_3/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9d096c414652ed0c3abf2e6d9217c1cbe1767d3c
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_3/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 43738,
+  "inputs_max_tokens": 17780,
+  "inputs_tokens": 81014295,
+  "targets_max_tokens": 25,
+  "targets_tokens": 158556
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_3/stats.validation.json b/data/wiki_hop_original_choose_best_object_affirmative_3/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..40ad50922bc4277ccbed6c7f14316018231e890a
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_3/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5129,
+  "inputs_max_tokens": 15908,
+  "inputs_tokens": 10156178,
+  "targets_max_tokens": 16,
+  "targets_tokens": 18337
+}
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_3/train.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_affirmative_3/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fbd14277efb167bf6349f0b92ce20e32d4f85144
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_3/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0dc98d53a5d772cddadc95f04383f3bac34c46a688e624a865fe0599abe08505
+size 470213827
diff --git a/data/wiki_hop_original_choose_best_object_affirmative_3/validation.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_affirmative_3/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0bc3223010ae04ad496c47e48c80a1ca80767132
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_affirmative_3/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c4a34ccadfc79124482aeed530f8bf9f60351eee065e975baf6d2b8311cc964b
+size 58810655
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_1/COMPLETED b/data/wiki_hop_original_choose_best_object_interrogative_1/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_1/info.train.json b/data/wiki_hop_original_choose_best_object_interrogative_1/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_1/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_1/info.validation.json b/data/wiki_hop_original_choose_best_object_interrogative_1/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_1/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_1/stats.train.json b/data/wiki_hop_original_choose_best_object_interrogative_1/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b5ca35ad49c97a388076351d06fc14120406a326
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_1/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 43738,
+  "inputs_max_tokens": 17761,
+  "inputs_tokens": 80183273,
+  "targets_max_tokens": 25,
+  "targets_tokens": 158556
+}
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_1/stats.validation.json b/data/wiki_hop_original_choose_best_object_interrogative_1/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..453854969174a79f721cc63fd73d6ba76002b00d
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_1/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5129,
+  "inputs_max_tokens": 15889,
+  "inputs_tokens": 10058727,
+  "targets_max_tokens": 16,
+  "targets_tokens": 18337
+}
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_1/train.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_interrogative_1/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f8f18a4065d8e8e8d929e30d25106ae52e991210
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_1/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eecd6d1e7a369e7e036330156d6e57bf63c3f3e2b679507d0e1610ec2f290589
+size 464702448
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_1/validation.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_interrogative_1/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9c35d4fc14a92df4cd038ebd9db08564bb635441
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_1/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ef06c6654c25c8e12ddf584c78c44a743d12a6a6bac120876e987763742f8eca
+size 58164352
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_2/COMPLETED b/data/wiki_hop_original_choose_best_object_interrogative_2/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_2/info.train.json b/data/wiki_hop_original_choose_best_object_interrogative_2/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_2/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_2/info.validation.json b/data/wiki_hop_original_choose_best_object_interrogative_2/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_2/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_2/stats.train.json b/data/wiki_hop_original_choose_best_object_interrogative_2/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b5ca35ad49c97a388076351d06fc14120406a326
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_2/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 43738,
+  "inputs_max_tokens": 17761,
+  "inputs_tokens": 80183273,
+  "targets_max_tokens": 25,
+  "targets_tokens": 158556
+}
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_2/stats.validation.json b/data/wiki_hop_original_choose_best_object_interrogative_2/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..453854969174a79f721cc63fd73d6ba76002b00d
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_2/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5129,
+  "inputs_max_tokens": 15889,
+  "inputs_tokens": 10058727,
+  "targets_max_tokens": 16,
+  "targets_tokens": 18337
+}
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_2/train.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_interrogative_2/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8b3c98ec2d56e2c49e391147abddb1ee6bd665c5
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_2/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5ce14853e5931e77717ac7960f01cd32bf784b5a47e8fd42491d52c2cf4495be
+size 464746187
diff --git a/data/wiki_hop_original_choose_best_object_interrogative_2/validation.tfrecord-00000-of-00001 b/data/wiki_hop_original_choose_best_object_interrogative_2/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a50c45db2899dce932a5f99bee5d1ae6a62be9a1
--- /dev/null
+++ b/data/wiki_hop_original_choose_best_object_interrogative_2/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:468491ca55137a35fc3ee44f740c4b388f72ba57f973233d4cbcf521d7448e56
+size 58169481
diff --git a/data/wiki_hop_original_explain_relation/COMPLETED b/data/wiki_hop_original_explain_relation/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_hop_original_explain_relation/info.train.json b/data/wiki_hop_original_explain_relation/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_hop_original_explain_relation/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_explain_relation/info.validation.json b/data/wiki_hop_original_explain_relation/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_hop_original_explain_relation/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_explain_relation/stats.train.json b/data/wiki_hop_original_explain_relation/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e69bc57d73ddb9972cb01dd31d2b0785537c7857
--- /dev/null
+++ b/data/wiki_hop_original_explain_relation/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 43738,
+  "inputs_max_tokens": 17725,
+  "inputs_tokens": 76273031,
+  "targets_max_tokens": 8,
+  "targets_tokens": 111041
+}
diff --git a/data/wiki_hop_original_explain_relation/stats.validation.json b/data/wiki_hop_original_explain_relation/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a9b21e08acc85514f7cc699ff331e81ccfa8ae51
--- /dev/null
+++ b/data/wiki_hop_original_explain_relation/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5129,
+  "inputs_max_tokens": 15866,
+  "inputs_tokens": 9582055,
+  "targets_max_tokens": 8,
+  "targets_tokens": 13322
+}
diff --git a/data/wiki_hop_original_explain_relation/train.tfrecord-00000-of-00001 b/data/wiki_hop_original_explain_relation/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d6568af91eb3b18009720db05df0004ba1b71ce3
--- /dev/null
+++ b/data/wiki_hop_original_explain_relation/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6ea81b571e455604899c9dc0a0f38a082fd68069794c00c5f753c6d701f8658a
+size 438327052
diff --git a/data/wiki_hop_original_explain_relation/validation.tfrecord-00000-of-00001 b/data/wiki_hop_original_explain_relation/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f14651f9a4ef045b6f11c05c7f376d90e338a8bb
--- /dev/null
+++ b/data/wiki_hop_original_explain_relation/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fdc66c956baccfc659cf382f9995634b3e6d11e50c8e6bb0533c9f078fa50040
+size 54967201
diff --git a/data/wiki_hop_original_generate_object/COMPLETED b/data/wiki_hop_original_generate_object/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_hop_original_generate_object/info.train.json b/data/wiki_hop_original_generate_object/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_hop_original_generate_object/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_generate_object/info.validation.json b/data/wiki_hop_original_generate_object/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_hop_original_generate_object/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_generate_object/stats.train.json b/data/wiki_hop_original_generate_object/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7d6cd1bdb6f50804103a386529cb451d61ea3a9c
--- /dev/null
+++ b/data/wiki_hop_original_generate_object/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 43738,
+  "inputs_max_tokens": 17723,
+  "inputs_tokens": 76285059,
+  "targets_max_tokens": 25,
+  "targets_tokens": 158556
+}
diff --git a/data/wiki_hop_original_generate_object/stats.validation.json b/data/wiki_hop_original_generate_object/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8769c6ee0b7d4312b412665473910949d4e60d28
--- /dev/null
+++ b/data/wiki_hop_original_generate_object/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5129,
+  "inputs_max_tokens": 15866,
+  "inputs_tokens": 9584143,
+  "targets_max_tokens": 16,
+  "targets_tokens": 18337
+}
diff --git a/data/wiki_hop_original_generate_object/train.tfrecord-00000-of-00001 b/data/wiki_hop_original_generate_object/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6ce69e8e8164a3472a4bf34bd0a57f2f943c4df7
--- /dev/null
+++ b/data/wiki_hop_original_generate_object/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6e4c367f43e55f5933fe91276891e22074aa7db8c21a11c63913fce4fa3aa96b
+size 438528394
diff --git a/data/wiki_hop_original_generate_object/validation.tfrecord-00000-of-00001 b/data/wiki_hop_original_generate_object/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8c83289b57e9911066bf0cee1b70cded88027d5a
--- /dev/null
+++ b/data/wiki_hop_original_generate_object/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7dc5c3b1a9750d183a734f8115fd155b52d17e341b6f6b0b2dd61c50e267ca2b
+size 54991107
diff --git a/data/wiki_hop_original_generate_subject/COMPLETED b/data/wiki_hop_original_generate_subject/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_hop_original_generate_subject/info.train.json b/data/wiki_hop_original_generate_subject/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_generate_subject/info.validation.json b/data/wiki_hop_original_generate_subject/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_generate_subject/stats.train.json b/data/wiki_hop_original_generate_subject/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ac3e407cc069c506da7aa5054271fb52ddbf7026
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 43738,
+  "inputs_max_tokens": 17729,
+  "inputs_tokens": 76456534,
+  "targets_max_tokens": 29,
+  "targets_tokens": 258482
+}
diff --git a/data/wiki_hop_original_generate_subject/stats.validation.json b/data/wiki_hop_original_generate_subject/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..26b5583252c6eb4a9c0ff03fe3dd0cf028f5993c
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5129,
+  "inputs_max_tokens": 15872,
+  "inputs_tokens": 9604032,
+  "targets_max_tokens": 25,
+  "targets_tokens": 30006
+}
diff --git a/data/wiki_hop_original_generate_subject/train.tfrecord-00000-of-00001 b/data/wiki_hop_original_generate_subject/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f4f496db23cb503d299f9e00cfefd4bef01ff0e3
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:68245f360a5f59225eaa1af257243c20c00d14c572f33c4474e0e769f8995a3b
+size 440204281
diff --git a/data/wiki_hop_original_generate_subject/validation.tfrecord-00000-of-00001 b/data/wiki_hop_original_generate_subject/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0ca01c945dac13ce7c021262c7698220a256b36a
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a3d881d1f7ab4b1a90701931d2371b80eee53ea79dcd28a5630fed08a6f1241c
+size 55187309
diff --git a/data/wiki_hop_original_generate_subject_and_object/COMPLETED b/data/wiki_hop_original_generate_subject_and_object/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_hop_original_generate_subject_and_object/info.train.json b/data/wiki_hop_original_generate_subject_and_object/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject_and_object/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_generate_subject_and_object/info.validation.json b/data/wiki_hop_original_generate_subject_and_object/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject_and_object/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_hop_original_generate_subject_and_object/stats.train.json b/data/wiki_hop_original_generate_subject_and_object/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d6fb022119d723ea9d08ae28f050a2c2f19d42e8
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject_and_object/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 43738,
+  "inputs_max_tokens": 17722,
+  "inputs_tokens": 76242945,
+  "targets_max_tokens": 39,
+  "targets_tokens": 504514
+}
diff --git a/data/wiki_hop_original_generate_subject_and_object/stats.validation.json b/data/wiki_hop_original_generate_subject_and_object/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4efdd67a4bdd4a8502863e3f90473bd746185cca
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject_and_object/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 5129,
+  "inputs_max_tokens": 15867,
+  "inputs_tokens": 9579462,
+  "targets_max_tokens": 30,
+  "targets_tokens": 58601
+}
diff --git a/data/wiki_hop_original_generate_subject_and_object/train.tfrecord-00000-of-00001 b/data/wiki_hop_original_generate_subject_and_object/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fc8ee80f363fdfca9c1f96fe3136807c5841b1a5
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject_and_object/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1aa3e8ce3ec7b47846f7804ffc8582593a86384c96e1db84877e1104e96ab4f7
+size 441101142
diff --git a/data/wiki_hop_original_generate_subject_and_object/validation.tfrecord-00000-of-00001 b/data/wiki_hop_original_generate_subject_and_object/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f1a16848b42103e7982a504c2746bb370d4667c5
--- /dev/null
+++ b/data/wiki_hop_original_generate_subject_and_object/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6c9a27c120f88494b01f3ad01cea7f4bfd633549393beb7cf4a3f4d376782a8c
+size 55292775
diff --git a/data/wiki_qa_Decide_good_answer/COMPLETED b/data/wiki_qa_Decide_good_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_Decide_good_answer/info.test.json b/data/wiki_qa_Decide_good_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_Decide_good_answer/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Decide_good_answer/info.train.json b/data/wiki_qa_Decide_good_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_Decide_good_answer/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Decide_good_answer/info.validation.json b/data/wiki_qa_Decide_good_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_Decide_good_answer/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Decide_good_answer/stats.test.json b/data/wiki_qa_Decide_good_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..d83110509e1718f2b34fcc77daf6bfd85fb41bd4
--- /dev/null
+++ b/data/wiki_qa_Decide_good_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6165,
+  "inputs_max_tokens": 217,
+  "inputs_tokens": 404545,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6165
+}
diff --git a/data/wiki_qa_Decide_good_answer/stats.train.json b/data/wiki_qa_Decide_good_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b1288157c029fc514100770ccb337a7307e30456
--- /dev/null
+++ b/data/wiki_qa_Decide_good_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 20360,
+  "inputs_max_tokens": 407,
+  "inputs_tokens": 1331931,
+  "targets_max_tokens": 1,
+  "targets_tokens": 20360
+}
diff --git a/data/wiki_qa_Decide_good_answer/stats.validation.json b/data/wiki_qa_Decide_good_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9fe4ae2653d7b194a4a41d1007c382595522a5ca
--- /dev/null
+++ b/data/wiki_qa_Decide_good_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2733,
+  "inputs_max_tokens": 191,
+  "inputs_tokens": 177644,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2733
+}
diff --git a/data/wiki_qa_Decide_good_answer/test.tfrecord-00000-of-00001 b/data/wiki_qa_Decide_good_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7d5aab4cf5b9d9fc59723dda2207daf39477b674
--- /dev/null
+++ b/data/wiki_qa_Decide_good_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5fe2d2d655b42e393e7f3cb5c1d06f37c60eb79075866adddf18badcd8e12c27
+size 3270903
diff --git a/data/wiki_qa_Decide_good_answer/train.tfrecord-00000-of-00001 b/data/wiki_qa_Decide_good_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..82d442ed99e7f5580cea26a9a2107bf3ad9e8d0a
--- /dev/null
+++ b/data/wiki_qa_Decide_good_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3b44d55845b3ee9536d74aa05525217fefc127914d160e45a6cf98a4303c9c31
+size 10853362
diff --git a/data/wiki_qa_Decide_good_answer/validation.tfrecord-00000-of-00001 b/data/wiki_qa_Decide_good_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3712ac184d1138f504e331617d231f3c85f1c9a6
--- /dev/null
+++ b/data/wiki_qa_Decide_good_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2b51e0c86f4b8029b2a29af7521c61f7c18f193300233ac3294c9ceb8ee9a8a3
+size 1447608
diff --git a/data/wiki_qa_Direct_Answer_to_Question/COMPLETED b/data/wiki_qa_Direct_Answer_to_Question/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_Direct_Answer_to_Question/info.test.json b/data/wiki_qa_Direct_Answer_to_Question/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Direct_Answer_to_Question/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Direct_Answer_to_Question/info.train.json b/data/wiki_qa_Direct_Answer_to_Question/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Direct_Answer_to_Question/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Direct_Answer_to_Question/info.validation.json b/data/wiki_qa_Direct_Answer_to_Question/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Direct_Answer_to_Question/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Direct_Answer_to_Question/stats.test.json b/data/wiki_qa_Direct_Answer_to_Question/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..e08ae381f3bd0aa8ea9ec20a30daa8ba03b039d1
--- /dev/null
+++ b/data/wiki_qa_Direct_Answer_to_Question/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 293,
+  "inputs_max_tokens": 24,
+  "inputs_tokens": 4019,
+  "targets_max_tokens": 110,
+  "targets_tokens": 11123
+}
diff --git a/data/wiki_qa_Direct_Answer_to_Question/stats.train.json b/data/wiki_qa_Direct_Answer_to_Question/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..06e87046969732678c444762cf0a265591e1daf1
--- /dev/null
+++ b/data/wiki_qa_Direct_Answer_to_Question/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1040,
+  "inputs_max_tokens": 28,
+  "inputs_tokens": 13932,
+  "targets_max_tokens": 374,
+  "targets_tokens": 40479
+}
diff --git a/data/wiki_qa_Direct_Answer_to_Question/stats.validation.json b/data/wiki_qa_Direct_Answer_to_Question/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a05e50c125e8f10ce062d1b75d37f5e310846d1e
--- /dev/null
+++ b/data/wiki_qa_Direct_Answer_to_Question/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 140,
+  "inputs_max_tokens": 26,
+  "inputs_tokens": 1908,
+  "targets_max_tokens": 121,
+  "targets_tokens": 5388
+}
diff --git a/data/wiki_qa_Direct_Answer_to_Question/test.tfrecord-00000-of-00001 b/data/wiki_qa_Direct_Answer_to_Question/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..edbd559078e273c289c049afcb09416bac285310
--- /dev/null
+++ b/data/wiki_qa_Direct_Answer_to_Question/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dd68ca762009b45bdebe04585a9e3cbc515542e3d78c923d724b0a5635783d1f
+size 118910
diff --git a/data/wiki_qa_Direct_Answer_to_Question/train.tfrecord-00000-of-00001 b/data/wiki_qa_Direct_Answer_to_Question/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..060fd3802c8ba51126fa09cd6d6064afd1cbe4ec
--- /dev/null
+++ b/data/wiki_qa_Direct_Answer_to_Question/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:175a68f47e492b5d32a10b888358ea8fb657be07c3828f5a99331815ae51bb3f
+size 429984
diff --git a/data/wiki_qa_Direct_Answer_to_Question/validation.tfrecord-00000-of-00001 b/data/wiki_qa_Direct_Answer_to_Question/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ccdf2fa5713834f0be94722c02da90ceefab95d5
--- /dev/null
+++ b/data/wiki_qa_Direct_Answer_to_Question/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ea07220edf1278f9e95bcc9d994bbef170f3055a26e8780c49ef4e1c88be2c23
+size 57650
diff --git a/data/wiki_qa_Generate_Question_from_Topic/COMPLETED b/data/wiki_qa_Generate_Question_from_Topic/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_Generate_Question_from_Topic/info.test.json b/data/wiki_qa_Generate_Question_from_Topic/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Generate_Question_from_Topic/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Generate_Question_from_Topic/info.train.json b/data/wiki_qa_Generate_Question_from_Topic/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Generate_Question_from_Topic/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Generate_Question_from_Topic/info.validation.json b/data/wiki_qa_Generate_Question_from_Topic/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Generate_Question_from_Topic/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Generate_Question_from_Topic/stats.test.json b/data/wiki_qa_Generate_Question_from_Topic/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c44d82d99eb8bce4a46f35afcc006c260bc721ef
--- /dev/null
+++ b/data/wiki_qa_Generate_Question_from_Topic/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 293,
+  "inputs_max_tokens": 130,
+  "inputs_tokens": 17621,
+  "targets_max_tokens": 20,
+  "targets_tokens": 2847
+}
diff --git a/data/wiki_qa_Generate_Question_from_Topic/stats.train.json b/data/wiki_qa_Generate_Question_from_Topic/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e4ab13ee3fc53ca8ed5b8639d9a7540427e2b98a
--- /dev/null
+++ b/data/wiki_qa_Generate_Question_from_Topic/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1040,
+  "inputs_max_tokens": 397,
+  "inputs_tokens": 63517,
+  "targets_max_tokens": 24,
+  "targets_tokens": 9772
+}
diff --git a/data/wiki_qa_Generate_Question_from_Topic/stats.validation.json b/data/wiki_qa_Generate_Question_from_Topic/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7915b9a9607ee71513bb641338db4c4c1cab8ded
--- /dev/null
+++ b/data/wiki_qa_Generate_Question_from_Topic/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 140,
+  "inputs_max_tokens": 143,
+  "inputs_tokens": 8486,
+  "targets_max_tokens": 22,
+  "targets_tokens": 1348
+}
diff --git a/data/wiki_qa_Generate_Question_from_Topic/test.tfrecord-00000-of-00001 b/data/wiki_qa_Generate_Question_from_Topic/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..24e2fe52effcc59163993dafefdd7f70c8dab124
--- /dev/null
+++ b/data/wiki_qa_Generate_Question_from_Topic/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:901aa3a6e53fb753fc156dc8a8977ebd4ac65e57fe1b99535af06082fa8b34de
+size 143889
diff --git a/data/wiki_qa_Generate_Question_from_Topic/train.tfrecord-00000-of-00001 b/data/wiki_qa_Generate_Question_from_Topic/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9cc190d9df1e8787b427630fc873e7b228cee82e
--- /dev/null
+++ b/data/wiki_qa_Generate_Question_from_Topic/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:62074472e795bc5d4deec316435463ec18d5546388d72e06c42b00d577b0c3bb
+size 519876
diff --git a/data/wiki_qa_Generate_Question_from_Topic/validation.tfrecord-00000-of-00001 b/data/wiki_qa_Generate_Question_from_Topic/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..23dd8ca30226ba22505f319c83a87a2ae5df1a05
--- /dev/null
+++ b/data/wiki_qa_Generate_Question_from_Topic/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dd13c6eb9f309c0a2fa0f44e2cb75d9890b0506e679d2816695be4d72da3628d
+size 69742
diff --git a/data/wiki_qa_Is_This_True_/COMPLETED b/data/wiki_qa_Is_This_True_/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_Is_This_True_/info.test.json b/data/wiki_qa_Is_This_True_/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_Is_This_True_/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Is_This_True_/info.train.json b/data/wiki_qa_Is_This_True_/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_Is_This_True_/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Is_This_True_/info.validation.json b/data/wiki_qa_Is_This_True_/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_Is_This_True_/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Is_This_True_/stats.test.json b/data/wiki_qa_Is_This_True_/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..df23ddbd6c975f536b7aa9819583242f73a3f70f
--- /dev/null
+++ b/data/wiki_qa_Is_This_True_/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6165,
+  "inputs_max_tokens": 202,
+  "inputs_tokens": 327240,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6165
+}
diff --git a/data/wiki_qa_Is_This_True_/stats.train.json b/data/wiki_qa_Is_This_True_/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e96e4a3f0874cb06fd9c196503c2c27bd7f85230
--- /dev/null
+++ b/data/wiki_qa_Is_This_True_/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 20360,
+  "inputs_max_tokens": 398,
+  "inputs_tokens": 1077589,
+  "targets_max_tokens": 1,
+  "targets_tokens": 20360
+}
diff --git a/data/wiki_qa_Is_This_True_/stats.validation.json b/data/wiki_qa_Is_This_True_/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ddac3eb31062a5719b3788e9c6971233f76c7dd2
--- /dev/null
+++ b/data/wiki_qa_Is_This_True_/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2733,
+  "inputs_max_tokens": 179,
+  "inputs_tokens": 143514,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2733
+}
diff --git a/data/wiki_qa_Is_This_True_/test.tfrecord-00000-of-00001 b/data/wiki_qa_Is_This_True_/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..61bc0237cc42f8b0c0ae38ee52bda75a2a234b6a
--- /dev/null
+++ b/data/wiki_qa_Is_This_True_/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:06d4d3619283b1c508e3af6fbd5db7c4a473f99a23d3a46d288f7b32efc689fc
+size 2781539
diff --git a/data/wiki_qa_Is_This_True_/train.tfrecord-00000-of-00001 b/data/wiki_qa_Is_This_True_/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1fec04ca927d3e0659e67a9226d067f217165403
--- /dev/null
+++ b/data/wiki_qa_Is_This_True_/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d066398f1cff20882838615be32571ba2f0d0fd8184fdcc5b884a52899f27bc1
+size 9212891
diff --git a/data/wiki_qa_Is_This_True_/validation.tfrecord-00000-of-00001 b/data/wiki_qa_Is_This_True_/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6c2bfe8ab82c9a2d69b9e081367dc71192db3847
--- /dev/null
+++ b/data/wiki_qa_Is_This_True_/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d2f5ab88ceaf6bd20ea2afe22e987e025e5454dc2b4af55f89f27cbc5059a690
+size 1226168
diff --git a/data/wiki_qa_Jeopardy_style/COMPLETED b/data/wiki_qa_Jeopardy_style/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_Jeopardy_style/info.test.json b/data/wiki_qa_Jeopardy_style/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Jeopardy_style/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Jeopardy_style/info.train.json b/data/wiki_qa_Jeopardy_style/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Jeopardy_style/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Jeopardy_style/info.validation.json b/data/wiki_qa_Jeopardy_style/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Jeopardy_style/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Jeopardy_style/stats.test.json b/data/wiki_qa_Jeopardy_style/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9bc31b8ea8f9d8bab889fdb48aadfd21fc256185
--- /dev/null
+++ b/data/wiki_qa_Jeopardy_style/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 293,
+  "inputs_max_tokens": 125,
+  "inputs_tokens": 16005,
+  "targets_max_tokens": 22,
+  "targets_tokens": 3188
+}
diff --git a/data/wiki_qa_Jeopardy_style/stats.train.json b/data/wiki_qa_Jeopardy_style/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..436bcd7ac9d858bf6cb5ad3d57d5d912e0039e38
--- /dev/null
+++ b/data/wiki_qa_Jeopardy_style/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1040,
+  "inputs_max_tokens": 392,
+  "inputs_tokens": 57930,
+  "targets_max_tokens": 26,
+  "targets_tokens": 10950
+}
diff --git a/data/wiki_qa_Jeopardy_style/stats.validation.json b/data/wiki_qa_Jeopardy_style/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..43a110f33e6c7a5bce5e6e3d91f847e9c637093a
--- /dev/null
+++ b/data/wiki_qa_Jeopardy_style/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 140,
+  "inputs_max_tokens": 138,
+  "inputs_tokens": 7725,
+  "targets_max_tokens": 24,
+  "targets_tokens": 1508
+}
diff --git a/data/wiki_qa_Jeopardy_style/test.tfrecord-00000-of-00001 b/data/wiki_qa_Jeopardy_style/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0eb595fc11f1a0fafd10e4d1d6ad638b0f1ec24f
--- /dev/null
+++ b/data/wiki_qa_Jeopardy_style/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ac9fa70b3a42bacc9bb6f9d30b27cb4d807416dea92507e648b7ce3897591ea9
+size 136875
diff --git a/data/wiki_qa_Jeopardy_style/train.tfrecord-00000-of-00001 b/data/wiki_qa_Jeopardy_style/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b0e25129849d05b350794f597d87b0b08b98be3a
--- /dev/null
+++ b/data/wiki_qa_Jeopardy_style/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f681d818b062c2493e7dfc3f98e8aeb41425966cc27606164c187afaa881d476
+size 495007
diff --git a/data/wiki_qa_Jeopardy_style/validation.tfrecord-00000-of-00001 b/data/wiki_qa_Jeopardy_style/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..abbfbcd0d3e15e04eab341a99e98834e6b7cad29
--- /dev/null
+++ b/data/wiki_qa_Jeopardy_style/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:360f046970c54899f8907c876ac23ca4418f8f285050777d6a3bb5333923e568
+size 66385
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/COMPLETED b/data/wiki_qa_Topic_Prediction_Answer_Only/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/info.test.json b/data/wiki_qa_Topic_Prediction_Answer_Only/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Answer_Only/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/info.train.json b/data/wiki_qa_Topic_Prediction_Answer_Only/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Answer_Only/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/info.validation.json b/data/wiki_qa_Topic_Prediction_Answer_Only/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Answer_Only/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/stats.test.json b/data/wiki_qa_Topic_Prediction_Answer_Only/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6432dc37c3894995aa5c2dfc5d9f4eca00a817f3
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Answer_Only/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 293,
+  "inputs_max_tokens": 121,
+  "inputs_tokens": 14208,
+  "targets_max_tokens": 13,
+  "targets_tokens": 1246
+}
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/stats.train.json b/data/wiki_qa_Topic_Prediction_Answer_Only/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0baa9c214fbd3737a7428f31454b1e325e12fa92
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Answer_Only/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1040,
+  "inputs_max_tokens": 387,
+  "inputs_tokens": 51545,
+  "targets_max_tokens": 15,
+  "targets_tokens": 4384
+}
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/stats.validation.json b/data/wiki_qa_Topic_Prediction_Answer_Only/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..b5176b87c1f6f18721ff6a387c366a047ff96e32
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Answer_Only/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 140,
+  "inputs_max_tokens": 131,
+  "inputs_tokens": 6888,
+  "targets_max_tokens": 11,
+  "targets_tokens": 567
+}
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/test.tfrecord-00000-of-00001 b/data/wiki_qa_Topic_Prediction_Answer_Only/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f9cb7b75b05259d4fdb61eee621b9aeb77980644
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Answer_Only/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:071d16cd76e8355938a516b23f290492b1b3169422344f074551755ece9fc4cd
+size 122097
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/train.tfrecord-00000-of-00001 b/data/wiki_qa_Topic_Prediction_Answer_Only/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..34a54afee5b01477deb1df9ae880ad76e5b5373f
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Answer_Only/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e4c5f5f664751339a2f1eccb0a3704f579d5dbcb69e86057bb70b58d77d8f270
+size 443018
diff --git a/data/wiki_qa_Topic_Prediction_Answer_Only/validation.tfrecord-00000-of-00001 b/data/wiki_qa_Topic_Prediction_Answer_Only/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3c07561becfc50fb531c8010482ef835604617e5
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Answer_Only/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fd21d2a8a67f747d7fae04d02299785f0bc882b61576a5269baac539c359eb7b
+size 59271
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/COMPLETED b/data/wiki_qa_Topic_Prediction_Question_Only/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/info.test.json b/data/wiki_qa_Topic_Prediction_Question_Only/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_Only/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/info.train.json b/data/wiki_qa_Topic_Prediction_Question_Only/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_Only/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/info.validation.json b/data/wiki_qa_Topic_Prediction_Question_Only/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_Only/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/stats.test.json b/data/wiki_qa_Topic_Prediction_Question_Only/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..f9ca23c931b00051653112c9dee41d6806231262
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_Only/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 293,
+  "inputs_max_tokens": 33,
+  "inputs_tokens": 6411,
+  "targets_max_tokens": 13,
+  "targets_tokens": 1246
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/stats.train.json b/data/wiki_qa_Topic_Prediction_Question_Only/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b505bc2fbd23e081e26da110eef39ece4ef9046
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_Only/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1040,
+  "inputs_max_tokens": 37,
+  "inputs_tokens": 22390,
+  "targets_max_tokens": 15,
+  "targets_tokens": 4384
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/stats.validation.json b/data/wiki_qa_Topic_Prediction_Question_Only/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..93c53e727e9d4a85708ee8a2cc6ede337c7d10c5
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_Only/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 140,
+  "inputs_max_tokens": 35,
+  "inputs_tokens": 3048,
+  "targets_max_tokens": 11,
+  "targets_tokens": 567
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/test.tfrecord-00000-of-00001 b/data/wiki_qa_Topic_Prediction_Question_Only/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6bdaaad7ed1903a9870fd3c18115d6e43996c30e
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_Only/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cb16868937c542d61c445f268dacea703f27b03b12df570026da95191d3d47e0
+size 77518
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/train.tfrecord-00000-of-00001 b/data/wiki_qa_Topic_Prediction_Question_Only/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1546e953f49ca6a205db20f6f2c0afd52dc92a49
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_Only/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a15f71164f69b825ad411a2527db8f2f5bb31b947132a1fe8444e26016ba6c32
+size 275847
diff --git a/data/wiki_qa_Topic_Prediction_Question_Only/validation.tfrecord-00000-of-00001 b/data/wiki_qa_Topic_Prediction_Question_Only/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6cb8abefbbaca55d5ef73be8dffdcec120fa7360
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_Only/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e21961cc6cf6aa558efb693dac0c4b407b3f4a94ac3a66b2a5820a8a16f728e9
+size 37191
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/COMPLETED b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/info.test.json b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/info.train.json b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/info.validation.json b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/stats.test.json b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..af92a9f8cad4af4aa433b2cc0a7faf822b2776c0
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 293,
+  "inputs_max_tokens": 141,
+  "inputs_tokens": 20326,
+  "targets_max_tokens": 13,
+  "targets_tokens": 1246
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/stats.train.json b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4019d12661783815167c63d32b811c0a8e4a6253
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1040,
+  "inputs_max_tokens": 409,
+  "inputs_tokens": 72895,
+  "targets_max_tokens": 15,
+  "targets_tokens": 4384
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/stats.validation.json b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f83b57aeff8affd5088be3454cb85c42c1bf35fc
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 140,
+  "inputs_max_tokens": 150,
+  "inputs_tokens": 9796,
+  "targets_max_tokens": 11,
+  "targets_tokens": 567
+}
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/test.tfrecord-00000-of-00001 b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..db5b9a90f8bbdf60afd9eebb651bfc772645c275
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:19c7d1ec899e75f19b552977f55bd48b17b09549459cd55a752a4aae4c329d51
+size 152998
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/train.tfrecord-00000-of-00001 b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..83c669f85eb1c60026fcdddfef61f4a5e226d1a9
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5f82c3cc9f1ac602e386e428d99554b8be4106a6d324d95bc21e256ac1d1503d
+size 552159
diff --git a/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/validation.tfrecord-00000-of-00001 b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..89a784a01217946041e0c57ff638dd2255335ce2
--- /dev/null
+++ b/data/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fe3e3966ae4cb2ac5686d1ef66db00643c6e822ea4fc6f26da099e161d6a919c
+size 74097
diff --git a/data/wiki_qa_automatic_system/COMPLETED b/data/wiki_qa_automatic_system/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_automatic_system/info.test.json b/data/wiki_qa_automatic_system/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_automatic_system/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_automatic_system/info.train.json b/data/wiki_qa_automatic_system/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_automatic_system/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_automatic_system/info.validation.json b/data/wiki_qa_automatic_system/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_automatic_system/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_automatic_system/stats.test.json b/data/wiki_qa_automatic_system/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0365a8efbbd5a42a29114d18934ec2417f3de405
--- /dev/null
+++ b/data/wiki_qa_automatic_system/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6165,
+  "inputs_max_tokens": 219,
+  "inputs_tokens": 429223,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6165
+}
diff --git a/data/wiki_qa_automatic_system/stats.train.json b/data/wiki_qa_automatic_system/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c910c86a2aa8fa7ac28bd08f246b553d2e170e94
--- /dev/null
+++ b/data/wiki_qa_automatic_system/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 20360,
+  "inputs_max_tokens": 412,
+  "inputs_tokens": 1413183,
+  "targets_max_tokens": 1,
+  "targets_tokens": 20360
+}
diff --git a/data/wiki_qa_automatic_system/stats.validation.json b/data/wiki_qa_automatic_system/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ab3591d6a605bbde2b5310163c8bd2a84c017a9b
--- /dev/null
+++ b/data/wiki_qa_automatic_system/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2733,
+  "inputs_max_tokens": 196,
+  "inputs_tokens": 188417,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2733
+}
diff --git a/data/wiki_qa_automatic_system/test.tfrecord-00000-of-00001 b/data/wiki_qa_automatic_system/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cc7411d53adaa655fabdb9b2ffc2c180d24b8707
--- /dev/null
+++ b/data/wiki_qa_automatic_system/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4fb78710df905d6e58ead7860653007964c52813950f1997836924f51ed9990e
+size 3525778
diff --git a/data/wiki_qa_automatic_system/train.tfrecord-00000-of-00001 b/data/wiki_qa_automatic_system/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..eb97aefeaefdf69c19f28d02e13e199431b9e9b2
--- /dev/null
+++ b/data/wiki_qa_automatic_system/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d6cc4466212f5e2cb4bccaa29dc1c74608181e2778b7fc00d60b4711d5992cf9
+size 11669824
diff --git a/data/wiki_qa_automatic_system/validation.tfrecord-00000-of-00001 b/data/wiki_qa_automatic_system/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c2d095cdb956b5ef5d2e97fa143de1aaf0735f99
--- /dev/null
+++ b/data/wiki_qa_automatic_system/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:36b9c6fd39674027dbfd54c29cc01eef8cfc4b8de2f1c391a49b188d4608b772
+size 1555884
diff --git a/data/wiki_qa_exercise/COMPLETED b/data/wiki_qa_exercise/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_exercise/info.test.json b/data/wiki_qa_exercise/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_exercise/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_exercise/info.train.json b/data/wiki_qa_exercise/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_exercise/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_exercise/info.validation.json b/data/wiki_qa_exercise/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_exercise/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_exercise/stats.test.json b/data/wiki_qa_exercise/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..45cbc1ffdf86aa5ee2422482f38f0c3be22e3308
--- /dev/null
+++ b/data/wiki_qa_exercise/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6165,
+  "inputs_max_tokens": 231,
+  "inputs_tokens": 503203,
+  "targets_max_tokens": 3,
+  "targets_tokens": 17909
+}
diff --git a/data/wiki_qa_exercise/stats.train.json b/data/wiki_qa_exercise/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..87a7e69991d16b876b338b9d1799cc96e6765e07
--- /dev/null
+++ b/data/wiki_qa_exercise/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 20360,
+  "inputs_max_tokens": 424,
+  "inputs_tokens": 1657503,
+  "targets_max_tokens": 3,
+  "targets_tokens": 59000
+}
diff --git a/data/wiki_qa_exercise/stats.validation.json b/data/wiki_qa_exercise/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0588821408a929f3fa7e11cfc83a1041d85943d1
--- /dev/null
+++ b/data/wiki_qa_exercise/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2733,
+  "inputs_max_tokens": 208,
+  "inputs_tokens": 221213,
+  "targets_max_tokens": 3,
+  "targets_tokens": 7919
+}
diff --git a/data/wiki_qa_exercise/test.tfrecord-00000-of-00001 b/data/wiki_qa_exercise/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..034362905afeeb486983466b0e01768bd8bfab1d
--- /dev/null
+++ b/data/wiki_qa_exercise/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bd664905cc78b9674ecc4cc6be232b490145c2607f96189fb75ba6676858ed40
+size 3913705
diff --git a/data/wiki_qa_exercise/train.tfrecord-00000-of-00001 b/data/wiki_qa_exercise/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..98465145a7e7b93d198062d902fa82cf70de2aba
--- /dev/null
+++ b/data/wiki_qa_exercise/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:64c0f827495f220a74042f0d7d403d2088071c2165d6604a39c36410af60f397
+size 12950462
diff --git a/data/wiki_qa_exercise/validation.tfrecord-00000-of-00001 b/data/wiki_qa_exercise/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ebd654bdb4d75e25b930095d0d0fc1f0c839edbb
--- /dev/null
+++ b/data/wiki_qa_exercise/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8ae10f9bd0754744bed3becbe8969a24ae5c15d2d0d42eeb9ead905fa2a75de5
+size 1727703
diff --git a/data/wiki_qa_found_on_google/COMPLETED b/data/wiki_qa_found_on_google/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiki_qa_found_on_google/info.test.json b/data/wiki_qa_found_on_google/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_found_on_google/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_found_on_google/info.train.json b/data/wiki_qa_found_on_google/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_found_on_google/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_found_on_google/info.validation.json b/data/wiki_qa_found_on_google/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/wiki_qa_found_on_google/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiki_qa_found_on_google/stats.test.json b/data/wiki_qa_found_on_google/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..cb34cb5d1520fcedaf5dc780c3792a985f6d34a2
--- /dev/null
+++ b/data/wiki_qa_found_on_google/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6165,
+  "inputs_max_tokens": 213,
+  "inputs_tokens": 392233,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6165
+}
diff --git a/data/wiki_qa_found_on_google/stats.train.json b/data/wiki_qa_found_on_google/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3233e553309497932aeb758b118d59bb60702196
--- /dev/null
+++ b/data/wiki_qa_found_on_google/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 20360,
+  "inputs_max_tokens": 406,
+  "inputs_tokens": 1291023,
+  "targets_max_tokens": 1,
+  "targets_tokens": 20360
+}
diff --git a/data/wiki_qa_found_on_google/stats.validation.json b/data/wiki_qa_found_on_google/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0d90a803c1154444c6f1682d1e3bcfb18312f5e4
--- /dev/null
+++ b/data/wiki_qa_found_on_google/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2733,
+  "inputs_max_tokens": 190,
+  "inputs_tokens": 172019,
+  "targets_max_tokens": 1,
+  "targets_tokens": 2733
+}
diff --git a/data/wiki_qa_found_on_google/test.tfrecord-00000-of-00001 b/data/wiki_qa_found_on_google/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6eb1b3c294019bb20e0b6794e4acebd70eec1d55
--- /dev/null
+++ b/data/wiki_qa_found_on_google/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:45e221285a91e7f80c1583eacf6a9ba77bc497cd645288dd8659517d2a9fa1b0
+size 3140762
diff --git a/data/wiki_qa_found_on_google/train.tfrecord-00000-of-00001 b/data/wiki_qa_found_on_google/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d5b8e7c98a035edb5b81ab53bf03e50975957cff
--- /dev/null
+++ b/data/wiki_qa_found_on_google/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7c1c7dd26beb19a4aa700bb1efa63a892987dc81bd492fd1ccc5c69badc8be62
+size 10398255
diff --git a/data/wiki_qa_found_on_google/validation.tfrecord-00000-of-00001 b/data/wiki_qa_found_on_google/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e83d8eb47958763c4c19d51d3bf18049d2ed5b01
--- /dev/null
+++ b/data/wiki_qa_found_on_google/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7e4384640bf0f3cec5c05701862d656d121bdabdb23f00ce0d4187bda30430b7
+size 1385234
diff --git a/data/winogrande_winogrande_debiased_Replace/COMPLETED b/data/winogrande_winogrande_debiased_Replace/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_Replace/info.test.json b/data/winogrande_winogrande_debiased_Replace/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_Replace/info.train.json b/data/winogrande_winogrande_debiased_Replace/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_Replace/info.validation.json b/data/winogrande_winogrande_debiased_Replace/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_Replace/stats.test.json b/data/winogrande_winogrande_debiased_Replace/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b55e091aa24bb03043d1ff94fc56ebc0707ed03c
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 78869,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_debiased_Replace/stats.train.json b/data/winogrande_winogrande_debiased_Replace/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..1c7005847765d90fa4deff8687a505ec4ab12684
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9248,
+  "inputs_max_tokens": 70,
+  "inputs_tokens": 413344,
+  "targets_max_tokens": 8,
+  "targets_tokens": 12264
+}
diff --git a/data/winogrande_winogrande_debiased_Replace/stats.validation.json b/data/winogrande_winogrande_debiased_Replace/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..764790dfde74c55a180dcd452eb12349a12a804a
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 63,
+  "inputs_tokens": 56270,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_debiased_Replace/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_Replace/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e6c3a62c29196998a45c8b06bc33f43b44bcb997
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2201e2c1315f95624e56954ae0f740af2bb89c8f4b8451649e1d6641b929199c
+size 734020
diff --git a/data/winogrande_winogrande_debiased_Replace/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_Replace/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..84afb25a93fe54443c0658ad4a64d72be24e928b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1dfa11b5422bde603cbba0393f9dc7d470226dcd1fda83ae97bcc882836d831f
+size 3843772
diff --git a/data/winogrande_winogrande_debiased_Replace/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_Replace/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..46d6dda2c1ed3f05f925d2fbbaa36a3a4ade71aa
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0ce944e6593e26ba2c5d6393fc403c43cf37a3d220211dd3ce864b0089c21a36
+size 525148
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/COMPLETED b/data/winogrande_winogrande_debiased_Replace_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/info.test.json b/data/winogrande_winogrande_debiased_Replace_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/info.train.json b/data/winogrande_winogrande_debiased_Replace_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/info.validation.json b/data/winogrande_winogrande_debiased_Replace_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/stats.test.json b/data/winogrande_winogrande_debiased_Replace_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ffd33300c541ff95e416e033c5c98c966d32093a
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 157738,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/stats.train.json b/data/winogrande_winogrande_debiased_Replace_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..506e1ee8f6d876ab19d931abb1289e7169c6c6a2
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 18496,
+  "inputs_max_tokens": 70,
+  "inputs_tokens": 826688,
+  "targets_max_tokens": 8,
+  "targets_tokens": 24461
+}
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/stats.validation.json b/data/winogrande_winogrande_debiased_Replace_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4e9cd7028fc00a547ef78a614fa27971bd935e4b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 63,
+  "inputs_tokens": 112540,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_Replace_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0e9976d5dce999ccc37ab096b14f03bc5f01daa5
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:14da4344779d67fdb2912d1c1402a48dc563102b96d53ef9011fbdf8aebb4376
+size 1524443
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_Replace_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d0574c78b3c99f599ffca283edaaa23a88ab0421
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:44df50dfc8619be57af20c58398d3729af8eeb7408f7ae3d8b597e21c5c4c491
+size 7984586
diff --git a/data/winogrande_winogrande_debiased_Replace_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_Replace_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..97788b02049a56bbb14d07363afd4c22bb8fd3d3
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_Replace_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b15a5dd138f93ecaa23f2e285944f2a1ecfb6bdadf4dfe6ef0d5751e0af3b227
+size 1091117
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/COMPLETED b/data/winogrande_winogrande_debiased_does_underscore_refer_to/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/info.test.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/info.train.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/info.validation.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/stats.test.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6559a8b858fc66265fe40c8422ade8a69920d006
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 64,
+  "inputs_tokens": 70034,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/stats.train.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3ca511af924a5364265a35b7d7d130222f6a9bf1
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9248,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 367104,
+  "targets_max_tokens": 8,
+  "targets_tokens": 12264
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/stats.validation.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ac3f2338699b05c641bbc5b5500b93b373018054
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 58,
+  "inputs_tokens": 49935,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_does_underscore_refer_to/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8a65b0a5830ccb3c685eb7e79bdced6169a8a382
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ccc1d5f0d6f52e35dd903e327ef0c41e862e7c2ff0eac959f8d0275e104dbf41
+size 688075
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_does_underscore_refer_to/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..42bcff5ac63576644ffcdd1f6ad67cb7a9974c56
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9f6e5000e3902b36327fe50a73ace8d9f28306e7ba63ac6469f12883e008952a
+size 3603293
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_does_underscore_refer_to/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..91af083c8de161e14d1bee8911c6f4ecf693925c
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1f7def546ce49861cc7af2e6378c799aa6f58f78e3b93b2d03199819324f5c74
+size 492205
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/COMPLETED b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/info.test.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/info.train.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/info.validation.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/stats.test.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..28d28f40d69abb4cf6002aae07ed55b699e45c08
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 64,
+  "inputs_tokens": 140068,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/stats.train.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c15262e59e590b2bcd10c5013bc401799b91269d
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 18496,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 734208,
+  "targets_max_tokens": 8,
+  "targets_tokens": 24461
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/stats.validation.json b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..bf920832e765ad7053ac2b722ffb08c8d4e66285
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 58,
+  "inputs_tokens": 99870,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6af8238263b83c50682fdfe5d7aee77fdb5c5700
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:82387fbd5fe45c5c337e67461070aee139f6c2cbead3e29531460e83f2d4f111
+size 1432553
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..33880d1fa7ecddc77f7d2f47dff86b46564dd3b5
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ddc90e430df217cc22f8f970cda22a4fef677fc3845033e208844d0f0d765687
+size 7503628
diff --git a/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e5c82fff2a9ec77508582214103c106743ce5cd6
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:355495ddcdb27373ecd0469cca5a5c055ec8515391fdb97290351486e5e0e68b
+size 1025231
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/COMPLETED b/data/winogrande_winogrande_debiased_fill_in_the_blank/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/info.test.json b/data/winogrande_winogrande_debiased_fill_in_the_blank/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/info.train.json b/data/winogrande_winogrande_debiased_fill_in_the_blank/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/info.validation.json b/data/winogrande_winogrande_debiased_fill_in_the_blank/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/stats.test.json b/data/winogrande_winogrande_debiased_fill_in_the_blank/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..dd8cb2b5625e5ec4cc35ba11d8518cc271e86821
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 71,
+  "inputs_tokens": 82403,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/stats.train.json b/data/winogrande_winogrande_debiased_fill_in_the_blank/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8594bc1a9ab69cbef8fa78fa5bed39864181b0a5
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9248,
+  "inputs_max_tokens": 72,
+  "inputs_tokens": 431840,
+  "targets_max_tokens": 8,
+  "targets_tokens": 12264
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/stats.validation.json b/data/winogrande_winogrande_debiased_fill_in_the_blank/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..451c839097103e135f2129c1d0494e51a02ccd8c
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 58804,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_fill_in_the_blank/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dd7bb482de3dac13511cc2b484747bc479fa7997
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dba2ddfb6e1ea10c8807014300f9384d3e065c24fc4e68d80cdda938c5915e30
+size 725185
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_fill_in_the_blank/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..970fccac07c2dfe68ba3cf0671288c438057c641
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0774f7fb2f12370444fefc3b2e572b658184e1e763b38b50a8074e9f8d5508d2
+size 3797532
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_fill_in_the_blank/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e91219ed66973665aadc4da8a70935d5c5811562
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:89b24e00938edad0a1f191f065a926fa9b897fec56daa333348fac5b979df849
+size 518813
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/COMPLETED b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/info.test.json b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/info.train.json b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/info.validation.json b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/stats.test.json b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..31bbef1a72261897a2b633e5e70c16eb5781125b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 71,
+  "inputs_tokens": 164806,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/stats.train.json b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..715ea853b067a6ba9c4e1133918f234d08e62745
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 18496,
+  "inputs_max_tokens": 72,
+  "inputs_tokens": 863680,
+  "targets_max_tokens": 8,
+  "targets_tokens": 24461
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/stats.validation.json b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..36d0cdafd93c641c04eba085b7dafbe13edc3844
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 117608,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ea89ed32f4cc82e08a5e56498f185d9de10d4303
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:59c3d69ba59a55ddb3bc20a4b62070b1bbe2d1d331fe2a7d011f6d1705af2557
+size 1506773
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..88920c1649dffb6dd7c41155dbe3c9970c5bd296
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5976d28024eb6068aea4150cb2356af787302d2159c126904e2e5181a71bc2c2
+size 7892106
diff --git a/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..96009e685d2ec1ebc248a812540115fd60852634
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:db19376d0657c921b9ab3d419aa9207d3edfbff1c112ca6012d7b7b6e0304c2d
+size 1078447
diff --git a/data/winogrande_winogrande_debiased_stand_for/COMPLETED b/data/winogrande_winogrande_debiased_stand_for/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_stand_for/info.test.json b/data/winogrande_winogrande_debiased_stand_for/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for/info.train.json b/data/winogrande_winogrande_debiased_stand_for/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for/info.validation.json b/data/winogrande_winogrande_debiased_stand_for/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for/stats.test.json b/data/winogrande_winogrande_debiased_stand_for/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..cc801014bc4ac287c351511107c622becbecc6c2
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 71801,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for/stats.train.json b/data/winogrande_winogrande_debiased_stand_for/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..ea951673c3551b5700563327add81875503fe6bf
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9248,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 376352,
+  "targets_max_tokens": 8,
+  "targets_tokens": 12264
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for/stats.validation.json b/data/winogrande_winogrande_debiased_stand_for/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8c7d17b758f36ad0be39dd5e0fff1156871a1ad4
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 59,
+  "inputs_tokens": 51202,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_stand_for/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..41cf4c63d196cee2d88d328162845126d4947285
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a14c9d70ea5b0b1626c9827acb4a05d28a685210f5e68f955611b7858539536e
+size 686308
diff --git a/data/winogrande_winogrande_debiased_stand_for/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_stand_for/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f6b0740a23416299aaab371823185b470066d446
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:67f5a3191994812ea10347352e853173a0bcf704701427f7c039b78f7c3328b3
+size 3594045
diff --git a/data/winogrande_winogrande_debiased_stand_for/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_stand_for/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5935a073225621a10796b63308da3a611d4a91cf
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:47aef7c99dddb1ccc6925a27dc6abbf72b7a33b2461d0cd82590a8faa184a23c
+size 490938
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/COMPLETED b/data/winogrande_winogrande_debiased_stand_for_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/info.test.json b/data/winogrande_winogrande_debiased_stand_for_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/info.train.json b/data/winogrande_winogrande_debiased_stand_for_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/info.validation.json b/data/winogrande_winogrande_debiased_stand_for_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/stats.test.json b/data/winogrande_winogrande_debiased_stand_for_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..498d093f4b6f2da12931fab7ff245fca83c50cfe
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 143602,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/stats.train.json b/data/winogrande_winogrande_debiased_stand_for_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..4b2a2be9cf095948e6d8e21cf2f788761e6dd2cb
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 18496,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 752704,
+  "targets_max_tokens": 8,
+  "targets_tokens": 24461
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/stats.validation.json b/data/winogrande_winogrande_debiased_stand_for_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c798c4f0d44d9b88bc37b826ef3619f24b75b3c7
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 59,
+  "inputs_tokens": 102404,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_stand_for_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..03d42e0cb6294c1c67161666347e425648967e41
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:baf82d47870497f98a32c4acc730979d36b354d1d2d98733fe9d0d0b8f0360e3
+size 1436087
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_stand_for_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9a5630d948d77b86f03db7afadce0079b9e2a262
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5e0b6b11fce6a40227c76aae0eb54ed0a6ad9adbeb0200796551ebdb554c5b35
+size 7522124
diff --git a/data/winogrande_winogrande_debiased_stand_for_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_stand_for_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..17342fd59d2ecb91e133f56655a350762f3c34d0
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_stand_for_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:94e7ef696816fb9983c0eea25d47bc80f68f510d7dee40fc1cc9f5607d15dabd
+size 1027765
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/COMPLETED b/data/winogrande_winogrande_debiased_underscore_refer_to/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/info.test.json b/data/winogrande_winogrande_debiased_underscore_refer_to/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/info.train.json b/data/winogrande_winogrande_debiased_underscore_refer_to/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/info.validation.json b/data/winogrande_winogrande_debiased_underscore_refer_to/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/stats.test.json b/data/winogrande_winogrande_debiased_underscore_refer_to/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..3c87f59db213d9c907a1807bc9ed56613250dde9
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 73568,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/stats.train.json b/data/winogrande_winogrande_debiased_underscore_refer_to/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..d1321eb939ebff772a1bfca05273ee1ebaba198d
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 9248,
+  "inputs_max_tokens": 67,
+  "inputs_tokens": 385600,
+  "targets_max_tokens": 8,
+  "targets_tokens": 12264
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/stats.validation.json b/data/winogrande_winogrande_debiased_underscore_refer_to/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7de0ccd6e0896d8838f4a39f30e2a82f3606ba84
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 52469,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_underscore_refer_to/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9051888e40ad0144fe1d59576f3836b3ae26115f
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6b660f8a50f0fe45a2f9ea213cd58a26f4e33514609bcb2a02f3d73c52e1ae0a
+size 702214
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_underscore_refer_to/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..481f7ff986f7cd5501d787a1a5859f335cbc119f
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d3eaae8db6d300f4880b18a04a39a1aac07cdd6a582f1110c79a703efc850232
+size 3677306
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_underscore_refer_to/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b1cce576c0f72642e0b44c53bf039564057941d0
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2d45ccdda00046f9c85e7302607288c366d0c7985c1ffd3415eabb09c4618ab5
+size 502342
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/COMPLETED b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/info.test.json b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/info.train.json b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/info.validation.json b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/stats.test.json b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9cd57b6fc71e423a0c1018b6e69f806094fe60df
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 147136,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/stats.train.json b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..75e110829cec07d638887773d20f36b7904fc256
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 18496,
+  "inputs_max_tokens": 67,
+  "inputs_tokens": 771200,
+  "targets_max_tokens": 8,
+  "targets_tokens": 24461
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/stats.validation.json b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3c345ed7a9a5a528b5efcb262d7288630c93025f
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 104938,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..455b550ec5367488b591e4d938602bd7f38a427c
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:29515e3d578dccaa6cf8e7df71e978542fe0f7ccd752b6bc2835847fc0e6df48
+size 1460831
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..aa1dd7565befdaebf3c080754037b20991e8b4d2
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a9353641d4b3c5eefbde1bd6a2cde4e3c488c068753d0e8ab7704dfac50d0718
+size 7651654
diff --git a/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f0568f8ec78ac6cb9aa5a73c4eee1e3014c77467
--- /dev/null
+++ b/data/winogrande_winogrande_debiased_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:56f49cd93ef22531253c370a507150a64119c2e7fe5b533f4097873891fb5306
+size 1045505
diff --git a/data/winogrande_winogrande_xl_Replace/COMPLETED b/data/winogrande_winogrande_xl_Replace/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_Replace/info.test.json b/data/winogrande_winogrande_xl_Replace/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_Replace/info.train.json b/data/winogrande_winogrande_xl_Replace/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_Replace/info.validation.json b/data/winogrande_winogrande_xl_Replace/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_Replace/stats.test.json b/data/winogrande_winogrande_xl_Replace/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b55e091aa24bb03043d1ff94fc56ebc0707ed03c
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 78869,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_xl_Replace/stats.train.json b/data/winogrande_winogrande_xl_Replace/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..96807a59622bb83a73cc7bbb684c299868747648
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40398,
+  "inputs_max_tokens": 74,
+  "inputs_tokens": 1777301,
+  "targets_max_tokens": 9,
+  "targets_tokens": 53858
+}
diff --git a/data/winogrande_winogrande_xl_Replace/stats.validation.json b/data/winogrande_winogrande_xl_Replace/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..764790dfde74c55a180dcd452eb12349a12a804a
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 63,
+  "inputs_tokens": 56270,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_xl_Replace/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_Replace/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fff7e7fdf0b59db286d0a8ed1fb1d53efabcd5ce
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a6d31874d77816b68a80174d9548c247e4927c727a4b1528ba70583596406bd2
+size 734020
diff --git a/data/winogrande_winogrande_xl_Replace/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_Replace/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ac6b18c47e8f645e942fed8c096be10a2c995ab6
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72ede43324e09fafdea2ec642ac735a5f1d2c1d1f8dae25a1972c90cbaba7c25
+size 16686984
diff --git a/data/winogrande_winogrande_xl_Replace/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_Replace/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..f8043749d1757a15a8715d38d62b929fd5744fec
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f277edbfa58c472eb3d96683ae10d9522dba59f20fa609d20e89c98ea6f3852b
+size 525148
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/COMPLETED b/data/winogrande_winogrande_xl_Replace_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/info.test.json b/data/winogrande_winogrande_xl_Replace_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/info.train.json b/data/winogrande_winogrande_xl_Replace_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/info.validation.json b/data/winogrande_winogrande_xl_Replace_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/stats.test.json b/data/winogrande_winogrande_xl_Replace_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ffd33300c541ff95e416e033c5c98c966d32093a
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 157738,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/stats.train.json b/data/winogrande_winogrande_xl_Replace_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b85ad009aa1b1fa727d39223e8f9da5a35433c51
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 80796,
+  "inputs_max_tokens": 74,
+  "inputs_tokens": 3554602,
+  "targets_max_tokens": 9,
+  "targets_tokens": 107716
+}
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/stats.validation.json b/data/winogrande_winogrande_xl_Replace_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..4e9cd7028fc00a547ef78a614fa27971bd935e4b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 63,
+  "inputs_tokens": 112540,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_Replace_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..07654a799760ad032c730dc2655b63f5de2c9c18
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5fcc90e60f753faf198eb675472315f4f790ce8082b74babbc5dd2785273f7e8
+size 1524443
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_Replace_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..925f07ed5b442a28ef9a7187362e3324f6d46bd6
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e94df86eadbbc0d9010404557c8a41d98dbbdd89df466c264be575d676367d80
+size 34711752
diff --git a/data/winogrande_winogrande_xl_Replace_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_Replace_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bd4ba74a82905b59c12db47df8098e215dbff07a
--- /dev/null
+++ b/data/winogrande_winogrande_xl_Replace_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c75773b5e59f527885eff976717a77502682eae11c44a234830f64a8fe081949
+size 1091117
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/COMPLETED b/data/winogrande_winogrande_xl_does_underscore_refer_to/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/info.test.json b/data/winogrande_winogrande_xl_does_underscore_refer_to/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/info.train.json b/data/winogrande_winogrande_xl_does_underscore_refer_to/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/info.validation.json b/data/winogrande_winogrande_xl_does_underscore_refer_to/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/stats.test.json b/data/winogrande_winogrande_xl_does_underscore_refer_to/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6559a8b858fc66265fe40c8422ade8a69920d006
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 64,
+  "inputs_tokens": 70034,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/stats.train.json b/data/winogrande_winogrande_xl_does_underscore_refer_to/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b7c1450d146197a4d8c2428387c8f47ea8815fb3
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40398,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 1575311,
+  "targets_max_tokens": 9,
+  "targets_tokens": 53858
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/stats.validation.json b/data/winogrande_winogrande_xl_does_underscore_refer_to/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..ac3f2338699b05c641bbc5b5500b93b373018054
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 58,
+  "inputs_tokens": 49935,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_does_underscore_refer_to/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ee4a43cff3b3c3a2f2994920815295eedebd05d8
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d5f704431e56a26d9e87283881cb957187aaa6fd2d0d0180fec425b0a3f03edf
+size 688075
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_does_underscore_refer_to/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9facd571df1f08a9b6c75a0438d4ae036d809491
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6cf179186f8e52c70dd59ab9106fa8d2364b9dd0b34e432c321c3cee910bee51
+size 15636414
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_does_underscore_refer_to/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4e3b82fdc5699b3f9c613da95f6289c196bce55a
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c2e0569786316fb906cb693bf960ef9a4df5f827c352a45477a63def94d81171
+size 492205
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/COMPLETED b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/info.test.json b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/info.train.json b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/info.validation.json b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/stats.test.json b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..28d28f40d69abb4cf6002aae07ed55b699e45c08
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 64,
+  "inputs_tokens": 140068,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/stats.train.json b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..50a47580acbba2d6ff57046d3a442faff01ecc2a
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 80796,
+  "inputs_max_tokens": 69,
+  "inputs_tokens": 3150622,
+  "targets_max_tokens": 9,
+  "targets_tokens": 107716
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/stats.validation.json b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..bf920832e765ad7053ac2b722ffb08c8d4e66285
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 58,
+  "inputs_tokens": 99870,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c833a2a2a53f646d577ae8a086516ead6403a038
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2113189585af8d18bd7faa86f80555f34d753f7fc74d03a9d57813316061858f
+size 1432553
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7b86fa7533f84c7e14b72f2355973b23a4337611
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f83cbafaebcb3d51312c17c44b3a98b153aa80bb469ac7f890368a8b529ce9fa
+size 32610612
diff --git a/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cc7d3110077ef8d4e6f76364ab1edcc167cdf111
--- /dev/null
+++ b/data/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ef3c7914eb8adf23f8c3ca50a8487bff23111cfb79f24aeb7b1e7912e39a5b28
+size 1025231
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/COMPLETED b/data/winogrande_winogrande_xl_fill_in_the_blank/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/info.test.json b/data/winogrande_winogrande_xl_fill_in_the_blank/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/info.train.json b/data/winogrande_winogrande_xl_fill_in_the_blank/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/info.validation.json b/data/winogrande_winogrande_xl_fill_in_the_blank/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/stats.test.json b/data/winogrande_winogrande_xl_fill_in_the_blank/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..dd8cb2b5625e5ec4cc35ba11d8518cc271e86821
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 71,
+  "inputs_tokens": 82403,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/stats.train.json b/data/winogrande_winogrande_xl_fill_in_the_blank/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c6073dc17a40fd5d8efe44e4d42b2b7cd31546a
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40398,
+  "inputs_max_tokens": 76,
+  "inputs_tokens": 1858097,
+  "targets_max_tokens": 9,
+  "targets_tokens": 53858
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/stats.validation.json b/data/winogrande_winogrande_xl_fill_in_the_blank/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..451c839097103e135f2129c1d0494e51a02ccd8c
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 58804,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_fill_in_the_blank/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..fa09cef15cd8c59c2515bfc3ede0a2d10f7d0b03
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4fe5ba7e1dbb12b7ffdabf97e07bf50678c0d47cd05b3ced0edfcb5d6ca9a93b
+size 725185
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_fill_in_the_blank/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0104d048ced81851483d6a660a21b3874a08477a
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bdd733af7a1992521a78624dc58f5fed0a60f350b50111de81ed8d461b7b33a6
+size 16484994
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_fill_in_the_blank/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d24a7de724bf79697f130b2709d3a0b54bfc0152
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6533a04695b339ac394f45e552f8cead5b3526559d73c5fe59a7441bd1649a03
+size 518813
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/COMPLETED b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/info.test.json b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/info.train.json b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/info.validation.json b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/stats.test.json b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..31bbef1a72261897a2b633e5e70c16eb5781125b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 71,
+  "inputs_tokens": 164806,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/stats.train.json b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c63076c2df00efdd2f4c407d13e44423e33291cd
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 80796,
+  "inputs_max_tokens": 76,
+  "inputs_tokens": 3716194,
+  "targets_max_tokens": 9,
+  "targets_tokens": 107716
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/stats.validation.json b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..36d0cdafd93c641c04eba085b7dafbe13edc3844
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 117608,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..127e23f88e5bc3267af15ed68104d3558e8b3c33
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f7d3877409d2035207fc8f9619f3b8233a739a052a5b80feeebc04c301a90265
+size 1506773
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6ac6fed83b51ee66785278710fe22cdc5d591616
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b66edd1178ff65e806fb6c3054c0237470c543aa1602236db6d05145536704a8
+size 34307772
diff --git a/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e5954a7c1abceb71186ba5bf561a28b1ed147186
--- /dev/null
+++ b/data/winogrande_winogrande_xl_fill_in_the_blank_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3a95c0563344a70d2867464091018cda64782bb60ee52e8b556c3c9953c66447
+size 1078447
diff --git a/data/winogrande_winogrande_xl_stand_for/COMPLETED b/data/winogrande_winogrande_xl_stand_for/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_stand_for/info.test.json b/data/winogrande_winogrande_xl_stand_for/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_stand_for/info.train.json b/data/winogrande_winogrande_xl_stand_for/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_stand_for/info.validation.json b/data/winogrande_winogrande_xl_stand_for/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_stand_for/stats.test.json b/data/winogrande_winogrande_xl_stand_for/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..cc801014bc4ac287c351511107c622becbecc6c2
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 71801,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_xl_stand_for/stats.train.json b/data/winogrande_winogrande_xl_stand_for/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b463ad4c6fec4b1e7415d2f34ece99addc4aa480
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40398,
+  "inputs_max_tokens": 70,
+  "inputs_tokens": 1615709,
+  "targets_max_tokens": 9,
+  "targets_tokens": 53858
+}
diff --git a/data/winogrande_winogrande_xl_stand_for/stats.validation.json b/data/winogrande_winogrande_xl_stand_for/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8c7d17b758f36ad0be39dd5e0fff1156871a1ad4
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 59,
+  "inputs_tokens": 51202,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_xl_stand_for/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_stand_for/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..57d7e8fa5d09f2c22737179178a3ee85ffc949b3
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:198ba068313dee3df60baa7b99ff1c669a2217b0ddac10ce1ca63cadad9d2ded
+size 686308
diff --git a/data/winogrande_winogrande_xl_stand_for/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_stand_for/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b30d0af1b23b2e07ec1fc894fa00480a193c5bf3
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a0b445b3b74a6ea463ead1ae2d5f258a6055474b999fdaaebe2a170d8a672a6c
+size 15596016
diff --git a/data/winogrande_winogrande_xl_stand_for/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_stand_for/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1c67c6607f87dd92015af789f344afd0b2782d69
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:01e0c6b1f740ba33ec8cad035d8ac4149b7300d62facf039a66726e5de77686e
+size 490938
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/COMPLETED b/data/winogrande_winogrande_xl_stand_for_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/info.test.json b/data/winogrande_winogrande_xl_stand_for_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/info.train.json b/data/winogrande_winogrande_xl_stand_for_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/info.validation.json b/data/winogrande_winogrande_xl_stand_for_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/stats.test.json b/data/winogrande_winogrande_xl_stand_for_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..498d093f4b6f2da12931fab7ff245fca83c50cfe
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 65,
+  "inputs_tokens": 143602,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/stats.train.json b/data/winogrande_winogrande_xl_stand_for_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..627edfb4b34eccb07e2481eaf0544e28f6584b62
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 80796,
+  "inputs_max_tokens": 70,
+  "inputs_tokens": 3231418,
+  "targets_max_tokens": 9,
+  "targets_tokens": 107716
+}
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/stats.validation.json b/data/winogrande_winogrande_xl_stand_for_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..c798c4f0d44d9b88bc37b826ef3619f24b75b3c7
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 59,
+  "inputs_tokens": 102404,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_stand_for_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8aa6e10999615781d43a1538160b6ff6b2b41319
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2cf0bcf8afa5dc7a1b04eaa0581422fe4fdc96d35f304b464498b6364bc195eb
+size 1436087
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_stand_for_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ab3070028e93b086dfd5de459aca6f35fc4598c9
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8d4aed125a5204bdcfb92bad589225ab40e7b95eab9bc8427d080a518f5f7266
+size 32691408
diff --git a/data/winogrande_winogrande_xl_stand_for_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_stand_for_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..04b308aa00d03cf0d0e830200d95306cb44470b7
--- /dev/null
+++ b/data/winogrande_winogrande_xl_stand_for_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5c0b5e5c083dce089672df63eded1b808e13218eacb48e739294ca56ee32c678
+size 1027765
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/COMPLETED b/data/winogrande_winogrande_xl_underscore_refer_to/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/info.test.json b/data/winogrande_winogrande_xl_underscore_refer_to/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/info.train.json b/data/winogrande_winogrande_xl_underscore_refer_to/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/info.validation.json b/data/winogrande_winogrande_xl_underscore_refer_to/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to/info.validation.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/stats.test.json b/data/winogrande_winogrande_xl_underscore_refer_to/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..3c87f59db213d9c907a1807bc9ed56613250dde9
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1767,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 73568,
+  "targets_max_tokens": 6,
+  "targets_tokens": 2324
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/stats.train.json b/data/winogrande_winogrande_xl_underscore_refer_to/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9838599b73d0c5610616a47207b6cb818dddf88b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 40398,
+  "inputs_max_tokens": 71,
+  "inputs_tokens": 1656107,
+  "targets_max_tokens": 9,
+  "targets_tokens": 53858
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/stats.validation.json b/data/winogrande_winogrande_xl_underscore_refer_to/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..7de0ccd6e0896d8838f4a39f30e2a82f3606ba84
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 1267,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 52469,
+  "targets_max_tokens": 6,
+  "targets_tokens": 1672
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_underscore_refer_to/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4f0d9364ccce4d64acc207ecb402a306d6e71cfd
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:191cb51bc6568a417e2e3d58be333f2084b0e8a62f633888c74dbf2f69553be8
+size 702214
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_underscore_refer_to/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6cb42e718a09e6072f9f3e30f86e1c68eb96ecbd
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:209bbf4d2133c50f2e683b856e4b34e30847e209fc56d7ea128677ea65a72b57
+size 15959791
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_underscore_refer_to/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..a8163ffc733e2102c19f9b47b149c94f3c117c23
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4cf63bef2eafa1eaad55f31cda9ffe1836fb984c73a3e338e147cc4a4dc262f8
+size 502342
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/COMPLETED b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/info.test.json b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/info.test.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/info.train.json b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/info.train.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/info.validation.json b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..9800dd6fbb99d1bcf4c8080a1b5c4c9a1cc5442b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/info.validation.json
@@ -0,0 +1,40 @@
+{
+  "features": {
+    "idx": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "is_correct": {
+      "dtype": "bool",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "weight": {
+      "dtype": "float32",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/stats.test.json b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..9cd57b6fc71e423a0c1018b6e69f806094fe60df
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3534,
+  "inputs_max_tokens": 66,
+  "inputs_tokens": 147136,
+  "targets_max_tokens": 6,
+  "targets_tokens": 4646
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/stats.train.json b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7e2466a98c2824188c60b177d661e41f22688ccd
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 80796,
+  "inputs_max_tokens": 71,
+  "inputs_tokens": 3312214,
+  "targets_max_tokens": 9,
+  "targets_tokens": 107716
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/stats.validation.json b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3c345ed7a9a5a528b5efcb262d7288630c93025f
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 2534,
+  "inputs_max_tokens": 60,
+  "inputs_tokens": 104938,
+  "targets_max_tokens": 9,
+  "targets_tokens": 3342
+}
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4d6de61676007dd5f6c3602f98d9c8a81cb8f621
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d0c83e7cf9a26e3b0ef5db02d33a06c5190e4487843885d29aea3c523a1807ae
+size 1460831
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..13701435c67fbffc6a8ba400d8842e2565733351
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5e73417738f882667ab3c8c0a9627c6378d142dbd17bc8e3ccc35b26e23c8c07
+size 33257366
diff --git a/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001 b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1e3d2f63c1ad7c4dbcdc23e38069b3e99d3b448b
--- /dev/null
+++ b/data/winogrande_winogrande_xl_underscore_refer_to_score_eval/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:9913a373b1be8d63aff730dbaadd16eb6e7f9f78c6d54c3e5fce141b5e2affa8
+size 1045505
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/COMPLETED b/data/wiqa_does_the_supposed_perturbation_have_an_effect/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/info.test.json b/data/wiqa_does_the_supposed_perturbation_have_an_effect/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_does_the_supposed_perturbation_have_an_effect/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/info.train.json b/data/wiqa_does_the_supposed_perturbation_have_an_effect/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_does_the_supposed_perturbation_have_an_effect/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/info.validation.json b/data/wiqa_does_the_supposed_perturbation_have_an_effect/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_does_the_supposed_perturbation_have_an_effect/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/stats.test.json b/data/wiqa_does_the_supposed_perturbation_have_an_effect/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..023726526c00c5c40364c47ac8392d262ec10e19
--- /dev/null
+++ b/data/wiqa_does_the_supposed_perturbation_have_an_effect/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3003,
+  "inputs_max_tokens": 210,
+  "inputs_tokens": 368804,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3003
+}
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/stats.train.json b/data/wiqa_does_the_supposed_perturbation_have_an_effect/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..c32aade6e7e8b3cba1e7402c407b90848dca801e
--- /dev/null
+++ b/data/wiqa_does_the_supposed_perturbation_have_an_effect/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 29808,
+  "inputs_max_tokens": 252,
+  "inputs_tokens": 3872180,
+  "targets_max_tokens": 1,
+  "targets_tokens": 29808
+}
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/stats.validation.json b/data/wiqa_does_the_supposed_perturbation_have_an_effect/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f35425281366c2ab2a93f4c73d8dfa725ba513e6
--- /dev/null
+++ b/data/wiqa_does_the_supposed_perturbation_have_an_effect/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6894,
+  "inputs_max_tokens": 288,
+  "inputs_tokens": 861569,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6894
+}
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/test.tfrecord-00000-of-00001 b/data/wiqa_does_the_supposed_perturbation_have_an_effect/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..90ca334722bbc46a47da28ce94e6b6d1738cd6df
--- /dev/null
+++ b/data/wiqa_does_the_supposed_perturbation_have_an_effect/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a600bf51b2fa9cb9d9b107b99df31c4913c266133aac3d627e9dbc1677fe1df5
+size 2369587
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/train.tfrecord-00000-of-00001 b/data/wiqa_does_the_supposed_perturbation_have_an_effect/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9232385542f1c0a714de264ebf336d1ccdfb64c8
--- /dev/null
+++ b/data/wiqa_does_the_supposed_perturbation_have_an_effect/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:f898e0afa28f5abc67aaa954752f4ebc50c67a6567ad901919385a374f518bba
+size 25866332
diff --git a/data/wiqa_does_the_supposed_perturbation_have_an_effect/validation.tfrecord-00000-of-00001 b/data/wiqa_does_the_supposed_perturbation_have_an_effect/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bb111af5c2b5c6f15e524596b155980054bc4b95
--- /dev/null
+++ b/data/wiqa_does_the_supposed_perturbation_have_an_effect/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:75d5af0c95dc938687dc494b5e435fbac03f8bbee9b168afc1af6ead14ad4503
+size 5746986
diff --git a/data/wiqa_effect_with_label_answer/COMPLETED b/data/wiqa_effect_with_label_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiqa_effect_with_label_answer/info.test.json b/data/wiqa_effect_with_label_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_effect_with_label_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_effect_with_label_answer/info.train.json b/data/wiqa_effect_with_label_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_effect_with_label_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_effect_with_label_answer/info.validation.json b/data/wiqa_effect_with_label_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_effect_with_label_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_effect_with_label_answer/stats.test.json b/data/wiqa_effect_with_label_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..982721180a3e09d996e5ba36bd3dee7d42f6861f
--- /dev/null
+++ b/data/wiqa_effect_with_label_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3003,
+  "inputs_max_tokens": 205,
+  "inputs_tokens": 353789,
+  "targets_max_tokens": 1,
+  "targets_tokens": 3003
+}
diff --git a/data/wiqa_effect_with_label_answer/stats.train.json b/data/wiqa_effect_with_label_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e77dd36c671f058c638fa8078d0b292bd6432faf
--- /dev/null
+++ b/data/wiqa_effect_with_label_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 29808,
+  "inputs_max_tokens": 247,
+  "inputs_tokens": 3723140,
+  "targets_max_tokens": 1,
+  "targets_tokens": 29808
+}
diff --git a/data/wiqa_effect_with_label_answer/stats.validation.json b/data/wiqa_effect_with_label_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..1cdfa19b03265a886f528fde88f391e047b3ad5c
--- /dev/null
+++ b/data/wiqa_effect_with_label_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6894,
+  "inputs_max_tokens": 283,
+  "inputs_tokens": 827099,
+  "targets_max_tokens": 1,
+  "targets_tokens": 6894
+}
diff --git a/data/wiqa_effect_with_label_answer/test.tfrecord-00000-of-00001 b/data/wiqa_effect_with_label_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..62e9a9dd0d67176e3f81e6ec4e08d0a30c5ae8b6
--- /dev/null
+++ b/data/wiqa_effect_with_label_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:bd7a4aca139e3c9e0b86509b3a40784591b1eca3884030d527808b38e7aadee3
+size 2129360
diff --git a/data/wiqa_effect_with_label_answer/train.tfrecord-00000-of-00001 b/data/wiqa_effect_with_label_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..dd7b75886281eda4bdcb85353995dab1597d4712
--- /dev/null
+++ b/data/wiqa_effect_with_label_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:407feca4abf831f9bf2a4b4bec31abdc1e9309054cf72bf12a1fccd94945c7fc
+size 23477976
diff --git a/data/wiqa_effect_with_label_answer/validation.tfrecord-00000-of-00001 b/data/wiqa_effect_with_label_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..98604deb01fe96ddb34097ff2a1be8bed939e76b
--- /dev/null
+++ b/data/wiqa_effect_with_label_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:caaeea2e53b939c94480808e9893a8cfffe6b351fe796ddd210b4be01092b44b
+size 5194221
diff --git a/data/wiqa_effect_with_string_answer/COMPLETED b/data/wiqa_effect_with_string_answer/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiqa_effect_with_string_answer/info.test.json b/data/wiqa_effect_with_string_answer/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_effect_with_string_answer/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_effect_with_string_answer/info.train.json b/data/wiqa_effect_with_string_answer/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_effect_with_string_answer/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_effect_with_string_answer/info.validation.json b/data/wiqa_effect_with_string_answer/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_effect_with_string_answer/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_effect_with_string_answer/stats.test.json b/data/wiqa_effect_with_string_answer/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..38538ced08b8b91707cabe45c9f4fec37846fc20
--- /dev/null
+++ b/data/wiqa_effect_with_string_answer/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3003,
+  "inputs_max_tokens": 209,
+  "inputs_tokens": 365801,
+  "targets_max_tokens": 2,
+  "targets_tokens": 4258
+}
diff --git a/data/wiqa_effect_with_string_answer/stats.train.json b/data/wiqa_effect_with_string_answer/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..fcf31af470bb4c544f98488d830f8bade5c397bd
--- /dev/null
+++ b/data/wiqa_effect_with_string_answer/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 29808,
+  "inputs_max_tokens": 251,
+  "inputs_tokens": 3842372,
+  "targets_max_tokens": 2,
+  "targets_tokens": 39744
+}
diff --git a/data/wiqa_effect_with_string_answer/stats.validation.json b/data/wiqa_effect_with_string_answer/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..3dd7711b31f34f77304073804863610e1da5ac39
--- /dev/null
+++ b/data/wiqa_effect_with_string_answer/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6894,
+  "inputs_max_tokens": 287,
+  "inputs_tokens": 854675,
+  "targets_max_tokens": 2,
+  "targets_tokens": 9192
+}
diff --git a/data/wiqa_effect_with_string_answer/test.tfrecord-00000-of-00001 b/data/wiqa_effect_with_string_answer/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c70b0583dd6019acae6de8ce49ecee320c4c7998
--- /dev/null
+++ b/data/wiqa_effect_with_string_answer/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ce62ff393b29b074dd59d2897a1dc33bffbff538e6f051786e678ac96b0eddcb
+size 2405765
diff --git a/data/wiqa_effect_with_string_answer/train.tfrecord-00000-of-00001 b/data/wiqa_effect_with_string_answer/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b2c1c64372cb9f32512f9357e265f14eaba7738e
--- /dev/null
+++ b/data/wiqa_effect_with_string_answer/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4d4db1f33923167bd4660a823e4083bab0b2e2d2f1d9ab4ae3cd59702cc9ee29
+size 26203960
diff --git a/data/wiqa_effect_with_string_answer/validation.tfrecord-00000-of-00001 b/data/wiqa_effect_with_string_answer/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..76577ca627dda5806cdddb7cc5a5be19aaa30c1b
--- /dev/null
+++ b/data/wiqa_effect_with_string_answer/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:65550464d25cc03c008078924c50e390455e374d29d35c8c73c452e14a935ba5
+size 5825093
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/COMPLETED b/data/wiqa_what_is_the_final_step_of_the_following_process/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/info.test.json b/data/wiqa_what_is_the_final_step_of_the_following_process/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_is_the_final_step_of_the_following_process/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/info.train.json b/data/wiqa_what_is_the_final_step_of_the_following_process/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_is_the_final_step_of_the_following_process/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/info.validation.json b/data/wiqa_what_is_the_final_step_of_the_following_process/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_is_the_final_step_of_the_following_process/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/stats.test.json b/data/wiqa_what_is_the_final_step_of_the_following_process/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..669ef5504ab12eb02c30997017db3e94313fd8e4
--- /dev/null
+++ b/data/wiqa_what_is_the_final_step_of_the_following_process/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3003,
+  "inputs_max_tokens": 146,
+  "inputs_tokens": 222457,
+  "targets_max_tokens": 19,
+  "targets_tokens": 30957
+}
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/stats.train.json b/data/wiqa_what_is_the_final_step_of_the_following_process/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b6fa1160fe57dfbc62f0da0c9644d429a9f75363
--- /dev/null
+++ b/data/wiqa_what_is_the_final_step_of_the_following_process/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 29808,
+  "inputs_max_tokens": 174,
+  "inputs_tokens": 2380243,
+  "targets_max_tokens": 43,
+  "targets_tokens": 334682
+}
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/stats.validation.json b/data/wiqa_what_is_the_final_step_of_the_following_process/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f8d5a10b71e1573ec25c39657580a134d75c90f
--- /dev/null
+++ b/data/wiqa_what_is_the_final_step_of_the_following_process/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6894,
+  "inputs_max_tokens": 209,
+  "inputs_tokens": 528027,
+  "targets_max_tokens": 32,
+  "targets_tokens": 73041
+}
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/test.tfrecord-00000-of-00001 b/data/wiqa_what_is_the_final_step_of_the_following_process/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0e405b75422d3afda1dadb961e5cf462b2ad704b
--- /dev/null
+++ b/data/wiqa_what_is_the_final_step_of_the_following_process/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:74eae8ade6877cc5e2df935273ca62262df1892ad11706ca1763aafdb5fffe94
+size 1670755
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/train.tfrecord-00000-of-00001 b/data/wiqa_what_is_the_final_step_of_the_following_process/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8063fb46d4988e11fa9a7caaaf140bcb0a0cecd0
--- /dev/null
+++ b/data/wiqa_what_is_the_final_step_of_the_following_process/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:97465c3338fdaa1b28e41dce7318b307c46e65c14ef9fa43985b3459a51ce72c
+size 18709280
diff --git a/data/wiqa_what_is_the_final_step_of_the_following_process/validation.tfrecord-00000-of-00001 b/data/wiqa_what_is_the_final_step_of_the_following_process/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..10058f3a030aa11142228c9abfa3386a585d2a16
--- /dev/null
+++ b/data/wiqa_what_is_the_final_step_of_the_following_process/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ab581322185ba32fc650bbed5c1d1c207b08c1db8e747f9b5749f34a86e9728c
+size 4127149
diff --git a/data/wiqa_what_is_the_missing_first_step/COMPLETED b/data/wiqa_what_is_the_missing_first_step/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiqa_what_is_the_missing_first_step/info.test.json b/data/wiqa_what_is_the_missing_first_step/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_is_the_missing_first_step/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_is_the_missing_first_step/info.train.json b/data/wiqa_what_is_the_missing_first_step/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_is_the_missing_first_step/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_is_the_missing_first_step/info.validation.json b/data/wiqa_what_is_the_missing_first_step/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_is_the_missing_first_step/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_is_the_missing_first_step/stats.test.json b/data/wiqa_what_is_the_missing_first_step/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..fb706edd55d3acf0157c9e2c62b43c237bcd95a8
--- /dev/null
+++ b/data/wiqa_what_is_the_missing_first_step/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3003,
+  "inputs_max_tokens": 148,
+  "inputs_tokens": 229114,
+  "targets_max_tokens": 24,
+  "targets_tokens": 28835
+}
diff --git a/data/wiqa_what_is_the_missing_first_step/stats.train.json b/data/wiqa_what_is_the_missing_first_step/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..46c4751729bf9f46223707fc4ddf18bf439c5474
--- /dev/null
+++ b/data/wiqa_what_is_the_missing_first_step/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 29808,
+  "inputs_max_tokens": 194,
+  "inputs_tokens": 2485959,
+  "targets_max_tokens": 27,
+  "targets_tokens": 274316
+}
diff --git a/data/wiqa_what_is_the_missing_first_step/stats.validation.json b/data/wiqa_what_is_the_missing_first_step/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..8a44562d335f16b54516f4fc429905b10895fde0
--- /dev/null
+++ b/data/wiqa_what_is_the_missing_first_step/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6894,
+  "inputs_max_tokens": 228,
+  "inputs_tokens": 545954,
+  "targets_max_tokens": 49,
+  "targets_tokens": 64930
+}
diff --git a/data/wiqa_what_is_the_missing_first_step/test.tfrecord-00000-of-00001 b/data/wiqa_what_is_the_missing_first_step/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4e6d70e99a2f313885f5c61341115d12e2e0bec1
--- /dev/null
+++ b/data/wiqa_what_is_the_missing_first_step/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:40388286c02e615d924bf0503d27fbb4318e233510a02ab8357241469ecec498
+size 1702741
diff --git a/data/wiqa_what_is_the_missing_first_step/train.tfrecord-00000-of-00001 b/data/wiqa_what_is_the_missing_first_step/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d0422d9ea44f2fe91e2af8650749adbe8fd67967
--- /dev/null
+++ b/data/wiqa_what_is_the_missing_first_step/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a17580ce646c67fc90bbc0d06510eac416e552562193c9d766b3945ad9c86c96
+size 19020647
diff --git a/data/wiqa_what_is_the_missing_first_step/validation.tfrecord-00000-of-00001 b/data/wiqa_what_is_the_missing_first_step/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..78906f183f40c84dda4398ef47884c3da14a71b1
--- /dev/null
+++ b/data/wiqa_what_is_the_missing_first_step/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:610b4b1525a2ee9aea6309e96be6303bf98dcdc510807ede1b6f9444bffc04b7
+size 4198630
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/COMPLETED b/data/wiqa_what_might_be_the_first_step_of_the_process/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/info.test.json b/data/wiqa_what_might_be_the_first_step_of_the_process/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_might_be_the_first_step_of_the_process/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/info.train.json b/data/wiqa_what_might_be_the_first_step_of_the_process/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_might_be_the_first_step_of_the_process/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/info.validation.json b/data/wiqa_what_might_be_the_first_step_of_the_process/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_might_be_the_first_step_of_the_process/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/stats.test.json b/data/wiqa_what_might_be_the_first_step_of_the_process/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..0981f6ae869335596f8ecb1d4709dc71399244a2
--- /dev/null
+++ b/data/wiqa_what_might_be_the_first_step_of_the_process/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3003,
+  "inputs_max_tokens": 147,
+  "inputs_tokens": 226111,
+  "targets_max_tokens": 24,
+  "targets_tokens": 28835
+}
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/stats.train.json b/data/wiqa_what_might_be_the_first_step_of_the_process/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..306f9d6cdbe1fb67fdf640e48d6dca3177fe9f29
--- /dev/null
+++ b/data/wiqa_what_might_be_the_first_step_of_the_process/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 29808,
+  "inputs_max_tokens": 193,
+  "inputs_tokens": 2456151,
+  "targets_max_tokens": 27,
+  "targets_tokens": 274316
+}
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/stats.validation.json b/data/wiqa_what_might_be_the_first_step_of_the_process/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..765a5ab6f4fdab085e9b46b5549475f90a53b507
--- /dev/null
+++ b/data/wiqa_what_might_be_the_first_step_of_the_process/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6894,
+  "inputs_max_tokens": 227,
+  "inputs_tokens": 539060,
+  "targets_max_tokens": 49,
+  "targets_tokens": 64930
+}
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/test.tfrecord-00000-of-00001 b/data/wiqa_what_might_be_the_first_step_of_the_process/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..01a605a6be923e8b9c710a2f0d5c82b2ba085d84
--- /dev/null
+++ b/data/wiqa_what_might_be_the_first_step_of_the_process/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:922c145d34abfd8840fabc7240979d5e050efe4c49e5004921f5284620de60e4
+size 1660230
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/train.tfrecord-00000-of-00001 b/data/wiqa_what_might_be_the_first_step_of_the_process/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..7365fa1b892fed4e644614651b6089c1f30db9db
--- /dev/null
+++ b/data/wiqa_what_might_be_the_first_step_of_the_process/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4fd9db58a66462af59a38fac9c1d249d63fa488235aa3a68fd95fb00bc125020
+size 18601424
diff --git a/data/wiqa_what_might_be_the_first_step_of_the_process/validation.tfrecord-00000-of-00001 b/data/wiqa_what_might_be_the_first_step_of_the_process/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..b022745466a4ee54a6af2b500465cd85d76d4329
--- /dev/null
+++ b/data/wiqa_what_might_be_the_first_step_of_the_process/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:373ac7a6ef5aa49be7b911ffba1a419e94686b2dc4553cb9fb7a307f5fbbf0d8
+size 4101323
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/COMPLETED b/data/wiqa_what_might_be_the_last_step_of_the_process/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/info.test.json b/data/wiqa_what_might_be_the_last_step_of_the_process/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_might_be_the_last_step_of_the_process/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/info.train.json b/data/wiqa_what_might_be_the_last_step_of_the_process/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_might_be_the_last_step_of_the_process/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/info.validation.json b/data/wiqa_what_might_be_the_last_step_of_the_process/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_what_might_be_the_last_step_of_the_process/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/stats.test.json b/data/wiqa_what_might_be_the_last_step_of_the_process/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..669ef5504ab12eb02c30997017db3e94313fd8e4
--- /dev/null
+++ b/data/wiqa_what_might_be_the_last_step_of_the_process/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3003,
+  "inputs_max_tokens": 146,
+  "inputs_tokens": 222457,
+  "targets_max_tokens": 19,
+  "targets_tokens": 30957
+}
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/stats.train.json b/data/wiqa_what_might_be_the_last_step_of_the_process/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..b6fa1160fe57dfbc62f0da0c9644d429a9f75363
--- /dev/null
+++ b/data/wiqa_what_might_be_the_last_step_of_the_process/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 29808,
+  "inputs_max_tokens": 174,
+  "inputs_tokens": 2380243,
+  "targets_max_tokens": 43,
+  "targets_tokens": 334682
+}
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/stats.validation.json b/data/wiqa_what_might_be_the_last_step_of_the_process/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f8d5a10b71e1573ec25c39657580a134d75c90f
--- /dev/null
+++ b/data/wiqa_what_might_be_the_last_step_of_the_process/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6894,
+  "inputs_max_tokens": 209,
+  "inputs_tokens": 528027,
+  "targets_max_tokens": 32,
+  "targets_tokens": 73041
+}
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/test.tfrecord-00000-of-00001 b/data/wiqa_what_might_be_the_last_step_of_the_process/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..2e272906fdedc90aafbac284ecc2d926f1d38b0f
--- /dev/null
+++ b/data/wiqa_what_might_be_the_last_step_of_the_process/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eb02b3c852aa82294052356c24060170f9f6006ef034dc803f085ada93157508
+size 1658743
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/train.tfrecord-00000-of-00001 b/data/wiqa_what_might_be_the_last_step_of_the_process/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6e133513d504c99b5f2b012fc45aa31d9a0b48c4
--- /dev/null
+++ b/data/wiqa_what_might_be_the_last_step_of_the_process/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:2534bfc4b9b7fd80d2c49cf7ebb790c5e62232816720204e17a06f356a5f96c9
+size 18589939
diff --git a/data/wiqa_what_might_be_the_last_step_of_the_process/validation.tfrecord-00000-of-00001 b/data/wiqa_what_might_be_the_last_step_of_the_process/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4c17d482c3ce3d5a25a0fc1a835ba9e0c598648d
--- /dev/null
+++ b/data/wiqa_what_might_be_the_last_step_of_the_process/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:6e7623d82a57941df128d47916f35770624fd162be6a696b873d220ac2a88935
+size 4099369
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/COMPLETED b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/info.test.json b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/info.train.json b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/info.validation.json b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/stats.test.json b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..c2cdb69bb6192ff4a8cb43cf9acdec0f6ea818f2
--- /dev/null
+++ b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 3003,
+  "inputs_max_tokens": 229,
+  "inputs_tokens": 425861,
+  "targets_max_tokens": 9,
+  "targets_tokens": 25772
+}
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/stats.train.json b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..38282ab2d491bf461de55656c8eee0abbb302c2a
--- /dev/null
+++ b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 29808,
+  "inputs_max_tokens": 271,
+  "inputs_tokens": 4438532,
+  "targets_max_tokens": 9,
+  "targets_tokens": 258336
+}
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/stats.validation.json b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..62c2d62f00c253396b22a2d55ab86b048af0e865
--- /dev/null
+++ b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 6894,
+  "inputs_max_tokens": 307,
+  "inputs_tokens": 992555,
+  "targets_max_tokens": 9,
+  "targets_tokens": 59748
+}
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/test.tfrecord-00000-of-00001 b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9ccdf40158fd8c69e0f06e460557bb2513e70aeb
--- /dev/null
+++ b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:768715b4f5282a37f1a7643c74240188eefda9a144b2ef7447ee361f02c1dc4f
+size 2807916
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/train.tfrecord-00000-of-00001 b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6254ca6b612693564d3c1a42d13272a217a82097
--- /dev/null
+++ b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d1aa19de0cac348f6c3937379488f31c45f725426926a17cbcd39d45dbab27cb
+size 30227037
diff --git a/data/wiqa_which_of_the_following_is_the_supposed_perturbation/validation.tfrecord-00000-of-00001 b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4b674861d156730cfb70ce57445bae600bc73b6a
--- /dev/null
+++ b/data/wiqa_which_of_the_following_is_the_supposed_perturbation/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:52d643089105d945db02628abe06294c8546ce19e9be32b68a0f141b676cb8f9
+size 6755965
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/COMPLETED b/data/xsum_DOC_boils_down_to_simple_idea_that/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/info.test.json b/data/xsum_DOC_boils_down_to_simple_idea_that/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_boils_down_to_simple_idea_that/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/info.train.json b/data/xsum_DOC_boils_down_to_simple_idea_that/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_boils_down_to_simple_idea_that/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/info.validation.json b/data/xsum_DOC_boils_down_to_simple_idea_that/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_boils_down_to_simple_idea_that/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/stats.test.json b/data/xsum_DOC_boils_down_to_simple_idea_that/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..587cd1885e41bf831e054d1a2fdc6da88f1cd4ea
--- /dev/null
+++ b/data/xsum_DOC_boils_down_to_simple_idea_that/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1394,
+  "inputs_tokens": 4171356,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/stats.train.json b/data/xsum_DOC_boils_down_to_simple_idea_that/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..0c6ae9b3b89f21dc25ccfb97f993aef36c7c503e
--- /dev/null
+++ b/data/xsum_DOC_boils_down_to_simple_idea_that/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1474,
+  "inputs_tokens": 74937565,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/stats.validation.json b/data/xsum_DOC_boils_down_to_simple_idea_that/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0fd90e16e49237d3d6285e988dfc891dff61d79e
--- /dev/null
+++ b/data/xsum_DOC_boils_down_to_simple_idea_that/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1434,
+  "inputs_tokens": 4161230,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/test.tfrecord-00000-of-00001 b/data/xsum_DOC_boils_down_to_simple_idea_that/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9977276a6c4b707cd72b3d17157f729df43b17f3
--- /dev/null
+++ b/data/xsum_DOC_boils_down_to_simple_idea_that/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dddf3c86b19efae357cdbf842450ca5920063296137eb17dee8e4ce62a0c82c9
+size 27552708
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/train.tfrecord-00000-of-00001 b/data/xsum_DOC_boils_down_to_simple_idea_that/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e448c5b0dd0f01eb13766d14ceb6c530830ade14
--- /dev/null
+++ b/data/xsum_DOC_boils_down_to_simple_idea_that/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5f0b6a552bade51fae94ba05093447da39f8831413dd3adb765a1178fe3df5bd
+size 494794247
diff --git a/data/xsum_DOC_boils_down_to_simple_idea_that/validation.tfrecord-00000-of-00001 b/data/xsum_DOC_boils_down_to_simple_idea_that/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..68b8e212b454acf7992bf9cf1d4b577d67ab98c7
--- /dev/null
+++ b/data/xsum_DOC_boils_down_to_simple_idea_that/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c30c47ea05e884ead844d49e3499523fe1f70bb286770945c7630d991424f9dc
+size 27470478
diff --git a/data/xsum_DOC_given_above_write_one_sentence/COMPLETED b/data/xsum_DOC_given_above_write_one_sentence/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_DOC_given_above_write_one_sentence/info.test.json b/data/xsum_DOC_given_above_write_one_sentence/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_given_above_write_one_sentence/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_given_above_write_one_sentence/info.train.json b/data/xsum_DOC_given_above_write_one_sentence/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_given_above_write_one_sentence/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_given_above_write_one_sentence/info.validation.json b/data/xsum_DOC_given_above_write_one_sentence/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_given_above_write_one_sentence/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_given_above_write_one_sentence/stats.test.json b/data/xsum_DOC_given_above_write_one_sentence/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..750e540d8486927c866add0d15d33615f192e169
--- /dev/null
+++ b/data/xsum_DOC_given_above_write_one_sentence/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1399,
+  "inputs_tokens": 4228026,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_DOC_given_above_write_one_sentence/stats.train.json b/data/xsum_DOC_given_above_write_one_sentence/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..e686f80c2bb1d226b5f3ea4cd830014759395284
--- /dev/null
+++ b/data/xsum_DOC_given_above_write_one_sentence/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1479,
+  "inputs_tokens": 75957790,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_DOC_given_above_write_one_sentence/stats.validation.json b/data/xsum_DOC_given_above_write_one_sentence/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..87fca51ce58bb41e1e3ca53b31ce50cc6fddfea0
--- /dev/null
+++ b/data/xsum_DOC_given_above_write_one_sentence/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1439,
+  "inputs_tokens": 4217890,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_DOC_given_above_write_one_sentence/test.tfrecord-00000-of-00001 b/data/xsum_DOC_given_above_write_one_sentence/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..85866852167f52c39ff8ef185d176f8a70d4a903
--- /dev/null
+++ b/data/xsum_DOC_given_above_write_one_sentence/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:dd1109d700eed73c42990fe6e7f4f252ca5e1f682163571bb0ee411df2b04ef2
+size 27960988
diff --git a/data/xsum_DOC_given_above_write_one_sentence/train.tfrecord-00000-of-00001 b/data/xsum_DOC_given_above_write_one_sentence/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9b0291c0615e83be8b71eb50e6a91b1c3685f2b8
--- /dev/null
+++ b/data/xsum_DOC_given_above_write_one_sentence/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d6cb9c4f4b1ebaedb6fbcec37def2c4a2eea1ac9546c5c3064987cce04f171a8
+size 502145285
diff --git a/data/xsum_DOC_given_above_write_one_sentence/validation.tfrecord-00000-of-00001 b/data/xsum_DOC_given_above_write_one_sentence/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..927e5db51a1622e919c650616ad198a53c0f1dad
--- /dev/null
+++ b/data/xsum_DOC_given_above_write_one_sentence/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:8b1163428dab7ead62f3512a0eeb04b5bd46a649428b8934021a8e57aee8acd4
+size 27878700
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/COMPLETED b/data/xsum_DOC_how_would_you_rephrase_few_words/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/info.test.json b/data/xsum_DOC_how_would_you_rephrase_few_words/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_how_would_you_rephrase_few_words/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/info.train.json b/data/xsum_DOC_how_would_you_rephrase_few_words/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_how_would_you_rephrase_few_words/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/info.validation.json b/data/xsum_DOC_how_would_you_rephrase_few_words/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_how_would_you_rephrase_few_words/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/stats.test.json b/data/xsum_DOC_how_would_you_rephrase_few_words/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8789465fea12817fb79d5e90dc51114e1572d1ea
--- /dev/null
+++ b/data/xsum_DOC_how_would_you_rephrase_few_words/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1398,
+  "inputs_tokens": 4216692,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/stats.train.json b/data/xsum_DOC_how_would_you_rephrase_few_words/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..49a42ca66347b24565987586f94cf6ca2c85ca81
--- /dev/null
+++ b/data/xsum_DOC_how_would_you_rephrase_few_words/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1478,
+  "inputs_tokens": 75753745,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/stats.validation.json b/data/xsum_DOC_how_would_you_rephrase_few_words/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0a15532f567bb01e14d23cc0ccceb9803b0adfb2
--- /dev/null
+++ b/data/xsum_DOC_how_would_you_rephrase_few_words/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1438,
+  "inputs_tokens": 4206558,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/test.tfrecord-00000-of-00001 b/data/xsum_DOC_how_would_you_rephrase_few_words/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..df2a4f1697eab6dbbc5a30171ed7f7a1fa0688e7
--- /dev/null
+++ b/data/xsum_DOC_how_would_you_rephrase_few_words/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1baa76fd5fd62c9780f62d09b163dab04931e6a2712e1f07d801de7410274e3e
+size 27666182
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/train.tfrecord-00000-of-00001 b/data/xsum_DOC_how_would_you_rephrase_few_words/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ea62299ba14e38d93bf64c5f9499ef2252ec99bb
--- /dev/null
+++ b/data/xsum_DOC_how_would_you_rephrase_few_words/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:72818cde97061e9cfabcdeb6098fc692b0b83105595f23a3ba3d7fe83310596d
+size 496837842
diff --git a/data/xsum_DOC_how_would_you_rephrase_few_words/validation.tfrecord-00000-of-00001 b/data/xsum_DOC_how_would_you_rephrase_few_words/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1fe5757434b9338b8a334aa9bb94c3a993fd6d9d
--- /dev/null
+++ b/data/xsum_DOC_how_would_you_rephrase_few_words/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4331da5f3bf5366f970b9b91ebbede0b6cdfa975a6f84d4e3e3a1201866e5823
+size 27583949
diff --git a/data/xsum_DOC_tldr/COMPLETED b/data/xsum_DOC_tldr/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_DOC_tldr/info.test.json b/data/xsum_DOC_tldr/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_tldr/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_tldr/info.train.json b/data/xsum_DOC_tldr/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_tldr/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_tldr/info.validation.json b/data/xsum_DOC_tldr/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_tldr/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_tldr/stats.test.json b/data/xsum_DOC_tldr/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ee72bbd640ea9c2a5f582cae5424980e80e0abf2
--- /dev/null
+++ b/data/xsum_DOC_tldr/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1390,
+  "inputs_tokens": 4126020,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_DOC_tldr/stats.train.json b/data/xsum_DOC_tldr/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..895bf639fb9095b21fcbc6546901391d4b3334d1
--- /dev/null
+++ b/data/xsum_DOC_tldr/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1470,
+  "inputs_tokens": 74121385,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_DOC_tldr/stats.validation.json b/data/xsum_DOC_tldr/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..f77588101fb4e8fdff9f26b2180c4808abf78946
--- /dev/null
+++ b/data/xsum_DOC_tldr/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1430,
+  "inputs_tokens": 4115902,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_DOC_tldr/test.tfrecord-00000-of-00001 b/data/xsum_DOC_tldr/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..be981cac963321ee7a3339a45160304a9e0f3564
--- /dev/null
+++ b/data/xsum_DOC_tldr/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5ca2928ab5186b9ee2a940341046e0e54ab8917fbde3ff3d67d41b1053958045
+size 27121777
diff --git a/data/xsum_DOC_tldr/train.tfrecord-00000-of-00001 b/data/xsum_DOC_tldr/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..01a89d28c68112a03a121d1d3368240db14809c0
--- /dev/null
+++ b/data/xsum_DOC_tldr/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:c3d6b0a7592edec9c862f49a335d260ab27730fa39fb27e7afa95c3c730362df
+size 487036157
diff --git a/data/xsum_DOC_tldr/validation.tfrecord-00000-of-00001 b/data/xsum_DOC_tldr/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1b24517107195398844c1dc6323ec43924cd88fb
--- /dev/null
+++ b/data/xsum_DOC_tldr/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:89e4f35336dec7a5c8c1b12e0c180a9c959ca14021427bab27f3125fde5bc265
+size 27039662
diff --git a/data/xsum_DOC_write_summary_of_above/COMPLETED b/data/xsum_DOC_write_summary_of_above/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_DOC_write_summary_of_above/info.test.json b/data/xsum_DOC_write_summary_of_above/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_write_summary_of_above/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_write_summary_of_above/info.train.json b/data/xsum_DOC_write_summary_of_above/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_write_summary_of_above/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_write_summary_of_above/info.validation.json b/data/xsum_DOC_write_summary_of_above/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_DOC_write_summary_of_above/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_DOC_write_summary_of_above/stats.test.json b/data/xsum_DOC_write_summary_of_above/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8789465fea12817fb79d5e90dc51114e1572d1ea
--- /dev/null
+++ b/data/xsum_DOC_write_summary_of_above/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1398,
+  "inputs_tokens": 4216692,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_DOC_write_summary_of_above/stats.train.json b/data/xsum_DOC_write_summary_of_above/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..49a42ca66347b24565987586f94cf6ca2c85ca81
--- /dev/null
+++ b/data/xsum_DOC_write_summary_of_above/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1478,
+  "inputs_tokens": 75753745,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_DOC_write_summary_of_above/stats.validation.json b/data/xsum_DOC_write_summary_of_above/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..0a15532f567bb01e14d23cc0ccceb9803b0adfb2
--- /dev/null
+++ b/data/xsum_DOC_write_summary_of_above/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1438,
+  "inputs_tokens": 4206558,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_DOC_write_summary_of_above/test.tfrecord-00000-of-00001 b/data/xsum_DOC_write_summary_of_above/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..cf63faaea44e865bb19cce343a650636b90cb1ba
--- /dev/null
+++ b/data/xsum_DOC_write_summary_of_above/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:14af0d5c8b0f5d94b473e7ac3e198e20ee1b580262bcd75fd28590312871d2ec
+size 27654870
diff --git a/data/xsum_DOC_write_summary_of_above/train.tfrecord-00000-of-00001 b/data/xsum_DOC_write_summary_of_above/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..c6de2ef3afd5c3e051f16d775a52f465a4f9479c
--- /dev/null
+++ b/data/xsum_DOC_write_summary_of_above/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5d4d57bd7a283bd941683676171c5d49c3fb5c2f29833f3261be517d4609e50d
+size 496634229
diff --git a/data/xsum_DOC_write_summary_of_above/validation.tfrecord-00000-of-00001 b/data/xsum_DOC_write_summary_of_above/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0450aa03db9950fa2cecea725af7647af378b25f
--- /dev/null
+++ b/data/xsum_DOC_write_summary_of_above/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:479e7de497682ad98c08bdeb4142164ed7a9584d31481b4b3c99280a39f54d69
+size 27572635
diff --git a/data/xsum_article_DOC_summary/COMPLETED b/data/xsum_article_DOC_summary/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_article_DOC_summary/info.test.json b/data/xsum_article_DOC_summary/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_article_DOC_summary/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_article_DOC_summary/info.train.json b/data/xsum_article_DOC_summary/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_article_DOC_summary/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_article_DOC_summary/info.validation.json b/data/xsum_article_DOC_summary/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_article_DOC_summary/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_article_DOC_summary/stats.test.json b/data/xsum_article_DOC_summary/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b4fd47cb03f5ccc6f144670d2c4c2283ca8d45db
--- /dev/null
+++ b/data/xsum_article_DOC_summary/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1389,
+  "inputs_tokens": 4114686,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_article_DOC_summary/stats.train.json b/data/xsum_article_DOC_summary/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..46aa6c5e61731f3c382cc9b38b560a1760833f0e
--- /dev/null
+++ b/data/xsum_article_DOC_summary/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1469,
+  "inputs_tokens": 73917340,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_article_DOC_summary/stats.validation.json b/data/xsum_article_DOC_summary/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..817516badc8452e6dc600c82bd6a22f7dc2a1746
--- /dev/null
+++ b/data/xsum_article_DOC_summary/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1429,
+  "inputs_tokens": 4104570,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_article_DOC_summary/test.tfrecord-00000-of-00001 b/data/xsum_article_DOC_summary/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..19bf5b9ee2e9b226d5ad9b365edc72ab04532b43
--- /dev/null
+++ b/data/xsum_article_DOC_summary/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:870d2c0922cb2bdfb85e83d6a3fa574b5d3e276e6e5370b65d3bf6170e9e89f9
+size 27246458
diff --git a/data/xsum_article_DOC_summary/train.tfrecord-00000-of-00001 b/data/xsum_article_DOC_summary/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..1977d5f836bdb5dfa853443c54ea0c4ac14fc760
--- /dev/null
+++ b/data/xsum_article_DOC_summary/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ffa02d8a6545db3d8b67de692ecfc82be346a5da38629cf93534db1e96ac321a
+size 489280751
diff --git a/data/xsum_article_DOC_summary/validation.tfrecord-00000-of-00001 b/data/xsum_article_DOC_summary/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..5b57eb3a656ff47c9620e4a89585a7ff53b007fc
--- /dev/null
+++ b/data/xsum_article_DOC_summary/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:3bc4a508a4df08765c08f464bc194a6e38c351b124c319d135b45ff217cfdd2c
+size 27164321
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/COMPLETED b/data/xsum_college_roommate_asked_DOC_so_I_recap/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/info.test.json b/data/xsum_college_roommate_asked_DOC_so_I_recap/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_college_roommate_asked_DOC_so_I_recap/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/info.train.json b/data/xsum_college_roommate_asked_DOC_so_I_recap/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_college_roommate_asked_DOC_so_I_recap/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/info.validation.json b/data/xsum_college_roommate_asked_DOC_so_I_recap/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_college_roommate_asked_DOC_so_I_recap/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/stats.test.json b/data/xsum_college_roommate_asked_DOC_so_I_recap/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..729a833a162bd57e9463c9f7c52c66eb069f640f
--- /dev/null
+++ b/data/xsum_college_roommate_asked_DOC_so_I_recap/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1409,
+  "inputs_tokens": 4341366,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/stats.train.json b/data/xsum_college_roommate_asked_DOC_so_I_recap/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8aceab026f930a20dba0a7e733b5e1434096b2dd
--- /dev/null
+++ b/data/xsum_college_roommate_asked_DOC_so_I_recap/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1489,
+  "inputs_tokens": 77998240,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/stats.validation.json b/data/xsum_college_roommate_asked_DOC_so_I_recap/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..d12bf075326b827088c3986e6b5f319a7aa7cecf
--- /dev/null
+++ b/data/xsum_college_roommate_asked_DOC_so_I_recap/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1449,
+  "inputs_tokens": 4331210,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/test.tfrecord-00000-of-00001 b/data/xsum_college_roommate_asked_DOC_so_I_recap/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0b4652bb97f129b43022ab57322f1ce905412a04
--- /dev/null
+++ b/data/xsum_college_roommate_asked_DOC_so_I_recap/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1031b457ebf8a18d5b2323b78dc51c6281c5f742615bb6a129205a10ee2d708c
+size 28425867
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/train.tfrecord-00000-of-00001 b/data/xsum_college_roommate_asked_DOC_so_I_recap/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..838cc03b740afad147788d9ee33c1161a0d3cb29
--- /dev/null
+++ b/data/xsum_college_roommate_asked_DOC_so_I_recap/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:04a51d9afb276d80965e11b8adab881270a101d35c07e35d423c4748d2983c63
+size 510515249
diff --git a/data/xsum_college_roommate_asked_DOC_so_I_recap/validation.tfrecord-00000-of-00001 b/data/xsum_college_roommate_asked_DOC_so_I_recap/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..3647a69a104abaa4a26240b9057d15eba85aefe1
--- /dev/null
+++ b/data/xsum_college_roommate_asked_DOC_so_I_recap/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a1bf52977f224ba5efa8575c1abfc8ca515ea0ddf3e4886fd8c4da2792a738fb
+size 28343495
diff --git a/data/xsum_read_below_DOC_write_abstract/COMPLETED b/data/xsum_read_below_DOC_write_abstract/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_read_below_DOC_write_abstract/info.test.json b/data/xsum_read_below_DOC_write_abstract/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_read_below_DOC_write_abstract/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_read_below_DOC_write_abstract/info.train.json b/data/xsum_read_below_DOC_write_abstract/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_read_below_DOC_write_abstract/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_read_below_DOC_write_abstract/info.validation.json b/data/xsum_read_below_DOC_write_abstract/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_read_below_DOC_write_abstract/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_read_below_DOC_write_abstract/stats.test.json b/data/xsum_read_below_DOC_write_abstract/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..bb33c8a008e99f9e98b48cb0a4b4431cfc209490
--- /dev/null
+++ b/data/xsum_read_below_DOC_write_abstract/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1406,
+  "inputs_tokens": 4307364,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_read_below_DOC_write_abstract/stats.train.json b/data/xsum_read_below_DOC_write_abstract/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..814e0599ffbf1f63e0f70ca697a789ac67772d1a
--- /dev/null
+++ b/data/xsum_read_below_DOC_write_abstract/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1486,
+  "inputs_tokens": 77386105,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_read_below_DOC_write_abstract/stats.validation.json b/data/xsum_read_below_DOC_write_abstract/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2249f1a6705e141bf75c1e68b693d74d3d3bd6d3
--- /dev/null
+++ b/data/xsum_read_below_DOC_write_abstract/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1446,
+  "inputs_tokens": 4297214,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_read_below_DOC_write_abstract/test.tfrecord-00000-of-00001 b/data/xsum_read_below_DOC_write_abstract/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..01e0246e63efb3a4d48de28bd6992df9aa281d0f
--- /dev/null
+++ b/data/xsum_read_below_DOC_write_abstract/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:98156a247064a2e7b923f3b4f5998a01d89a0efeaea5e419bc543f7219af1864
+size 28437139
diff --git a/data/xsum_read_below_DOC_write_abstract/train.tfrecord-00000-of-00001 b/data/xsum_read_below_DOC_write_abstract/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..9464c3fb7bcf4a660f0973d23ebc4a2fdbb6335b
--- /dev/null
+++ b/data/xsum_read_below_DOC_write_abstract/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:afdb80d548f491ee00a83a4e0ac23601ff0a3664f89b4160b7931eb15370603b
+size 510717949
diff --git a/data/xsum_read_below_DOC_write_abstract/validation.tfrecord-00000-of-00001 b/data/xsum_read_below_DOC_write_abstract/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..ab457beb4c14c93bc02de4b4f5022f350b86286e
--- /dev/null
+++ b/data/xsum_read_below_DOC_write_abstract/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:61aba41dcd14f231e94398942b7792507d4b80bd5ce1e0e31ef2f7c25f05c677
+size 28354789
diff --git a/data/xsum_summarize_DOC/COMPLETED b/data/xsum_summarize_DOC/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_summarize_DOC/info.test.json b/data/xsum_summarize_DOC/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_summarize_DOC/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_summarize_DOC/info.train.json b/data/xsum_summarize_DOC/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_summarize_DOC/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_summarize_DOC/info.validation.json b/data/xsum_summarize_DOC/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_summarize_DOC/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_summarize_DOC/stats.test.json b/data/xsum_summarize_DOC/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..b4fd47cb03f5ccc6f144670d2c4c2283ca8d45db
--- /dev/null
+++ b/data/xsum_summarize_DOC/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1389,
+  "inputs_tokens": 4114686,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_summarize_DOC/stats.train.json b/data/xsum_summarize_DOC/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..46aa6c5e61731f3c382cc9b38b560a1760833f0e
--- /dev/null
+++ b/data/xsum_summarize_DOC/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1469,
+  "inputs_tokens": 73917340,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_summarize_DOC/stats.validation.json b/data/xsum_summarize_DOC/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..817516badc8452e6dc600c82bd6a22f7dc2a1746
--- /dev/null
+++ b/data/xsum_summarize_DOC/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1429,
+  "inputs_tokens": 4104570,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_summarize_DOC/test.tfrecord-00000-of-00001 b/data/xsum_summarize_DOC/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6b20035e2107454664118bd5f6ca24e5cda3711e
--- /dev/null
+++ b/data/xsum_summarize_DOC/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e2f6832d7f3202141b0be728c8b6216cb5c53b8d8a3b48d63f49630c216df95e
+size 27144447
diff --git a/data/xsum_summarize_DOC/train.tfrecord-00000-of-00001 b/data/xsum_summarize_DOC/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..402de72ee83ac2f73a1ac849c230b7c0507e061b
--- /dev/null
+++ b/data/xsum_summarize_DOC/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:954e22b913b532a8debb211f69ea8631207f07f0846413d84cc373b4270a6ef4
+size 487444264
diff --git a/data/xsum_summarize_DOC/validation.tfrecord-00000-of-00001 b/data/xsum_summarize_DOC/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..d69b9a63c3bf8219c7e9e52ddc611e8c0888c1d2
--- /dev/null
+++ b/data/xsum_summarize_DOC/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:423066ac38fa4029ecf329b2a791520ac340a79e47922676cd0defd0262ca1cb
+size 27062326
diff --git a/data/xsum_summarize_this_DOC_summary/.gitattributes b/data/xsum_summarize_this_DOC_summary/.gitattributes
new file mode 100644
index 0000000000000000000000000000000000000000..5a4aa262561a32a8cddae02095b774537430257b
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/.gitattributes
@@ -0,0 +1,3 @@
+test.tfrecord-00000-of-00001 filter=lfs diff=lfs merge=lfs -text
+train.tfrecord-00000-of-00001 filter=lfs diff=lfs merge=lfs -text
+validation.tfrecord-00000-of-00001 filter=lfs diff=lfs merge=lfs -text
diff --git a/data/xsum_summarize_this_DOC_summary/COMPLETED b/data/xsum_summarize_this_DOC_summary/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/xsum_summarize_this_DOC_summary/info.test.json b/data/xsum_summarize_this_DOC_summary/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/info.test.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_summarize_this_DOC_summary/info.train.json b/data/xsum_summarize_this_DOC_summary/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/info.train.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_summarize_this_DOC_summary/info.validation.json b/data/xsum_summarize_this_DOC_summary/info.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..2e0955791e1f4c0d502ceec1de751826f781e469
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/info.validation.json
@@ -0,0 +1,26 @@
+{
+  "features": {
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/xsum_summarize_this_DOC_summary/stats.test.json b/data/xsum_summarize_this_DOC_summary/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..ed2181b159902ef0e86f5e0d99d7fc9341fa8254
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11334,
+  "inputs_max_tokens": 1393,
+  "inputs_tokens": 4160022,
+  "targets_max_tokens": 153,
+  "targets_tokens": 332924
+}
diff --git a/data/xsum_summarize_this_DOC_summary/stats.train.json b/data/xsum_summarize_this_DOC_summary/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8fe98b9be25e75b44f96cf904a1e2a7b232444df
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 204045,
+  "inputs_max_tokens": 1473,
+  "inputs_tokens": 74733520,
+  "targets_max_tokens": 177,
+  "targets_tokens": 5995601
+}
diff --git a/data/xsum_summarize_this_DOC_summary/stats.validation.json b/data/xsum_summarize_this_DOC_summary/stats.validation.json
new file mode 100644
index 0000000000000000000000000000000000000000..a507b2b5cf6c0fdf4fd7afe9aad861a8e569b062
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/stats.validation.json
@@ -0,0 +1,7 @@
+{
+  "examples": 11332,
+  "inputs_max_tokens": 1433,
+  "inputs_tokens": 4149898,
+  "targets_max_tokens": 131,
+  "targets_tokens": 333304
+}
diff --git a/data/xsum_summarize_this_DOC_summary/test.tfrecord-00000-of-00001 b/data/xsum_summarize_this_DOC_summary/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..29b39281c9474656dbe6b858b3de27dd73975cc3
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:ed9b03f1793c97996b2a7c4a3ea272d849cdcf5e88f730a3628769aa5c3df9ed
+size 27496058
diff --git a/data/xsum_summarize_this_DOC_summary/train.tfrecord-00000-of-00001 b/data/xsum_summarize_this_DOC_summary/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..784dfab2a7990b5320e51f6016b9b28af82ccfec
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fd32b39e213271cada07c687999fe2a924f950b8b3ff95a0dd794018767a69b9
+size 493774551
diff --git a/data/xsum_summarize_this_DOC_summary/validation.tfrecord-00000-of-00001 b/data/xsum_summarize_this_DOC_summary/validation.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..90fe4a488514c2a6f38eb83cf32c77c4c362285f
--- /dev/null
+++ b/data/xsum_summarize_this_DOC_summary/validation.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:d91f1a89aa238d1efc17b2b454a2b1df698b0cb559d8d24043539db7757907b6
+size 27413845
diff --git a/data/yelp_review_full_based_on_that/COMPLETED b/data/yelp_review_full_based_on_that/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/yelp_review_full_based_on_that/info.test.json b/data/yelp_review_full_based_on_that/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_based_on_that/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_based_on_that/info.train.json b/data/yelp_review_full_based_on_that/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_based_on_that/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_based_on_that/stats.test.json b/data/yelp_review_full_based_on_that/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..3abd705d796bfd0b7a166bab092ec1a61f6b28b2
--- /dev/null
+++ b/data/yelp_review_full_based_on_that/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 893,
+  "inputs_tokens": 9569779,
+  "targets_max_tokens": 2,
+  "targets_tokens": 100000
+}
diff --git a/data/yelp_review_full_based_on_that/stats.train.json b/data/yelp_review_full_based_on_that/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..2aac3a2e5f91d7b7ffd5da14a2603994edb4c72e
--- /dev/null
+++ b/data/yelp_review_full_based_on_that/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 650000,
+  "inputs_max_tokens": 1242,
+  "inputs_tokens": 124358321,
+  "targets_max_tokens": 2,
+  "targets_tokens": 1300000
+}
diff --git a/data/yelp_review_full_based_on_that/test.tfrecord-00000-of-00001 b/data/yelp_review_full_based_on_that/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..6134dc5ece158bab7707e548bac7d2775584aade
--- /dev/null
+++ b/data/yelp_review_full_based_on_that/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:129e163758f05056d9d3c8c02e3d1dbc40c9af68452ebbc76c5152fa3ed9029a
+size 60549818
diff --git a/data/yelp_review_full_based_on_that/train.tfrecord-00000-of-00001 b/data/yelp_review_full_based_on_that/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..bfcf8a643ae771821610889a2a3f3f6bf0806085
--- /dev/null
+++ b/data/yelp_review_full_based_on_that/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:129f7a2db5675a75fb95021db1214457221a9d7ad311b697c46ba927fb731c77
+size 786473914
diff --git a/data/yelp_review_full_format_rating/COMPLETED b/data/yelp_review_full_format_rating/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/yelp_review_full_format_rating/info.test.json b/data/yelp_review_full_format_rating/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_format_rating/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_format_rating/info.train.json b/data/yelp_review_full_format_rating/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_format_rating/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_format_rating/stats.test.json b/data/yelp_review_full_format_rating/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..53c5f0818a0383136d26048c41de6861bccd7c3d
--- /dev/null
+++ b/data/yelp_review_full_format_rating/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 889,
+  "inputs_tokens": 9369779,
+  "targets_max_tokens": 2,
+  "targets_tokens": 100000
+}
diff --git a/data/yelp_review_full_format_rating/stats.train.json b/data/yelp_review_full_format_rating/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9479674446325a3a9871ba2c84aa13592733b27f
--- /dev/null
+++ b/data/yelp_review_full_format_rating/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 650000,
+  "inputs_max_tokens": 1238,
+  "inputs_tokens": 121758322,
+  "targets_max_tokens": 2,
+  "targets_tokens": 1300000
+}
diff --git a/data/yelp_review_full_format_rating/test.tfrecord-00000-of-00001 b/data/yelp_review_full_format_rating/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..781e983ae2693f53d98c2ded15b4ef0c7a47c3ca
--- /dev/null
+++ b/data/yelp_review_full_format_rating/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:97764afea3bf3940b1658d2091960281806a0b063dcd8402ae5998ba67a8f01e
+size 60146242
diff --git a/data/yelp_review_full_format_rating/train.tfrecord-00000-of-00001 b/data/yelp_review_full_format_rating/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..76b78181a9883e6069b4d9fb0a974795dcd90a6a
--- /dev/null
+++ b/data/yelp_review_full_format_rating/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:e14df4ae8fb2c67549c20bf9a08dca4adeebbf76b060689ff9668c2b45c9d438
+size 781229368
diff --git a/data/yelp_review_full_format_score/COMPLETED b/data/yelp_review_full_format_score/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/yelp_review_full_format_score/info.test.json b/data/yelp_review_full_format_score/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_format_score/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_format_score/info.train.json b/data/yelp_review_full_format_score/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_format_score/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_format_score/stats.test.json b/data/yelp_review_full_format_score/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..8b4fd49e1ad68fe36b1554a203451676a7c6987b
--- /dev/null
+++ b/data/yelp_review_full_format_score/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 895,
+  "inputs_tokens": 9669779,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/yelp_review_full_format_score/stats.train.json b/data/yelp_review_full_format_score/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..7b63931eef1a74588fd40c9efce6d77b05ba3352
--- /dev/null
+++ b/data/yelp_review_full_format_score/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 650000,
+  "inputs_max_tokens": 1244,
+  "inputs_tokens": 125658322,
+  "targets_max_tokens": 1,
+  "targets_tokens": 650000
+}
diff --git a/data/yelp_review_full_format_score/test.tfrecord-00000-of-00001 b/data/yelp_review_full_format_score/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..e02a49b51558fea5fbabf9d6ef84e62320cfc138
--- /dev/null
+++ b/data/yelp_review_full_format_score/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:005a75d776d05945abcdcdba4c2ea86feb857c9253db47afeb2b850df9d72d96
+size 59664647
diff --git a/data/yelp_review_full_format_score/train.tfrecord-00000-of-00001 b/data/yelp_review_full_format_score/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..97491473e511a1376c17aa433428a39adfa4d777
--- /dev/null
+++ b/data/yelp_review_full_format_score/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1f04a28093741f6c28857316731a5169ffea8e51793e4265a6018a11fcf1a86e
+size 774968112
diff --git a/data/yelp_review_full_format_star/COMPLETED b/data/yelp_review_full_format_star/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/yelp_review_full_format_star/info.test.json b/data/yelp_review_full_format_star/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_format_star/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_format_star/info.train.json b/data/yelp_review_full_format_star/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_format_star/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_format_star/stats.test.json b/data/yelp_review_full_format_star/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..53c5f0818a0383136d26048c41de6861bccd7c3d
--- /dev/null
+++ b/data/yelp_review_full_format_star/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 889,
+  "inputs_tokens": 9369779,
+  "targets_max_tokens": 2,
+  "targets_tokens": 100000
+}
diff --git a/data/yelp_review_full_format_star/stats.train.json b/data/yelp_review_full_format_star/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..9479674446325a3a9871ba2c84aa13592733b27f
--- /dev/null
+++ b/data/yelp_review_full_format_star/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 650000,
+  "inputs_max_tokens": 1238,
+  "inputs_tokens": 121758322,
+  "targets_max_tokens": 2,
+  "targets_tokens": 1300000
+}
diff --git a/data/yelp_review_full_format_star/test.tfrecord-00000-of-00001 b/data/yelp_review_full_format_star/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..0e29e17dfe2038ac33aa4a95f848319b209ddf94
--- /dev/null
+++ b/data/yelp_review_full_format_star/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:7e10793a206cda6d6b00ae09bf15d2493e045edf1da74f72b322cc92285ba2ef
+size 59694259
diff --git a/data/yelp_review_full_format_star/train.tfrecord-00000-of-00001 b/data/yelp_review_full_format_star/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..67cecdb46386ae7f6f15e8a85e390f206d479590
--- /dev/null
+++ b/data/yelp_review_full_format_star/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4d40eee0a7170e3ea81fddf78a21e9dd1a9c0ebc8166a5a2ddc01a4acc715956
+size 775354691
diff --git a/data/yelp_review_full_on_a_scale/COMPLETED b/data/yelp_review_full_on_a_scale/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/yelp_review_full_on_a_scale/info.test.json b/data/yelp_review_full_on_a_scale/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_on_a_scale/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_on_a_scale/info.train.json b/data/yelp_review_full_on_a_scale/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_on_a_scale/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_on_a_scale/stats.test.json b/data/yelp_review_full_on_a_scale/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..6bb0ac21972e374fe38a3d2a8ec9c749205ff95e
--- /dev/null
+++ b/data/yelp_review_full_on_a_scale/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 898,
+  "inputs_tokens": 9819779,
+  "targets_max_tokens": 1,
+  "targets_tokens": 50000
+}
diff --git a/data/yelp_review_full_on_a_scale/stats.train.json b/data/yelp_review_full_on_a_scale/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..3a63d469db94871b424e4d2271d9fd4598fb3c0c
--- /dev/null
+++ b/data/yelp_review_full_on_a_scale/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 650000,
+  "inputs_max_tokens": 1247,
+  "inputs_tokens": 127608321,
+  "targets_max_tokens": 1,
+  "targets_tokens": 650000
+}
diff --git a/data/yelp_review_full_on_a_scale/test.tfrecord-00000-of-00001 b/data/yelp_review_full_on_a_scale/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..8e55ee2c1ad578a34af0c1cc14376e9fcd6bd17c
--- /dev/null
+++ b/data/yelp_review_full_on_a_scale/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:cdab1b9fffc73ec2eae2312553cc96d981e1d0f3fd7b13681225233816529b13
+size 60317482
diff --git a/data/yelp_review_full_on_a_scale/train.tfrecord-00000-of-00001 b/data/yelp_review_full_on_a_scale/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..414e9950bc69d47685c9eb2bf75dd7360df32105
--- /dev/null
+++ b/data/yelp_review_full_on_a_scale/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:34667232a0268961b32ba03f9f6b7f409f3d08ef2addfd7a645913ecfa665f43
+size 783454804
diff --git a/data/yelp_review_full_so_i_would/COMPLETED b/data/yelp_review_full_so_i_would/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/yelp_review_full_so_i_would/info.test.json b/data/yelp_review_full_so_i_would/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_so_i_would/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_so_i_would/info.train.json b/data/yelp_review_full_so_i_would/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_so_i_would/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_so_i_would/stats.test.json b/data/yelp_review_full_so_i_would/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..947e74c3e233ee0a6ac4a7fb984d7bf69b765fd9
--- /dev/null
+++ b/data/yelp_review_full_so_i_would/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 890,
+  "inputs_tokens": 9419779,
+  "targets_max_tokens": 2,
+  "targets_tokens": 100000
+}
diff --git a/data/yelp_review_full_so_i_would/stats.train.json b/data/yelp_review_full_so_i_would/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..25b7dcfa775e3218d025b0a9e959acca31000360
--- /dev/null
+++ b/data/yelp_review_full_so_i_would/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 650000,
+  "inputs_max_tokens": 1239,
+  "inputs_tokens": 122408321,
+  "targets_max_tokens": 2,
+  "targets_tokens": 1300000
+}
diff --git a/data/yelp_review_full_so_i_would/test.tfrecord-00000-of-00001 b/data/yelp_review_full_so_i_would/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..103841a653795e0cb9b575dc2d6d9d3c4659aff7
--- /dev/null
+++ b/data/yelp_review_full_so_i_would/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:fc3b1afac1f15357608729f5c22aa2c23ce09c607a5891144526c89175d4719b
+size 60045873
diff --git a/data/yelp_review_full_so_i_would/train.tfrecord-00000-of-00001 b/data/yelp_review_full_so_i_would/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..767bfdd6380de1e39dce99deddc04c65eca378f0
--- /dev/null
+++ b/data/yelp_review_full_so_i_would/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:531326a962f6745a20217173b912ead205fdba17abec8d00b65e4089a53b9cdc
+size 779925253
diff --git a/data/yelp_review_full_this_place/COMPLETED b/data/yelp_review_full_this_place/COMPLETED
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data/yelp_review_full_this_place/info.test.json b/data/yelp_review_full_this_place/info.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_this_place/info.test.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_this_place/info.train.json b/data/yelp_review_full_this_place/info.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..aab54b75718b834c19692fed4d6c9ef9ff7d5926
--- /dev/null
+++ b/data/yelp_review_full_this_place/info.train.json
@@ -0,0 +1,32 @@
+{
+  "features": {
+    "answer_choices": {
+      "dtype": "string",
+      "shape": [
+        null
+      ]
+    },
+    "inputs": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "inputs_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    },
+    "targets": {
+      "dtype": "int32",
+      "shape": [
+        null
+      ]
+    },
+    "targets_pretokenized": {
+      "dtype": "string",
+      "shape": []
+    }
+  },
+  "num_shards": 1,
+  "seqio_version": "0.0.6"
+}
diff --git a/data/yelp_review_full_this_place/stats.test.json b/data/yelp_review_full_this_place/stats.test.json
new file mode 100644
index 0000000000000000000000000000000000000000..53c5f0818a0383136d26048c41de6861bccd7c3d
--- /dev/null
+++ b/data/yelp_review_full_this_place/stats.test.json
@@ -0,0 +1,7 @@
+{
+  "examples": 50000,
+  "inputs_max_tokens": 889,
+  "inputs_tokens": 9369779,
+  "targets_max_tokens": 2,
+  "targets_tokens": 100000
+}
diff --git a/data/yelp_review_full_this_place/stats.train.json b/data/yelp_review_full_this_place/stats.train.json
new file mode 100644
index 0000000000000000000000000000000000000000..8e7bf203fdc1f864dcb2ea7effc5b2892b922628
--- /dev/null
+++ b/data/yelp_review_full_this_place/stats.train.json
@@ -0,0 +1,7 @@
+{
+  "examples": 650000,
+  "inputs_max_tokens": 1238,
+  "inputs_tokens": 121758321,
+  "targets_max_tokens": 2,
+  "targets_tokens": 1300000
+}
diff --git a/data/yelp_review_full_this_place/test.tfrecord-00000-of-00001 b/data/yelp_review_full_this_place/test.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..4d42587110748421f28b6ba786a9b573251f1c62
--- /dev/null
+++ b/data/yelp_review_full_this_place/test.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:a5c2a1dff8413d7b79f304924cd7330c0f042cc9beacbd0ea288d29f38571f58
+size 60045465
diff --git a/data/yelp_review_full_this_place/train.tfrecord-00000-of-00001 b/data/yelp_review_full_this_place/train.tfrecord-00000-of-00001
new file mode 100644
index 0000000000000000000000000000000000000000..51c5282cb18e14948477173150f21e6b12c88d3a
--- /dev/null
+++ b/data/yelp_review_full_this_place/train.tfrecord-00000-of-00001
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:4c69fe15510eed4bb6eea0184165d8320cd7239218aa942f8acdb82bada3b419
+size 779919642
diff --git a/dbpedia_14_given_a_choice_of_categories_/test-00000-of-00001.parquet b/dbpedia_14_given_a_choice_of_categories_/test-00000-of-00001.parquet
deleted file mode 100644
index 3376af80eb52a01700efe4e80c2a4db83caba79e..0000000000000000000000000000000000000000
--- a/dbpedia_14_given_a_choice_of_categories_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0ca0f3688d1b80ad9b0769286db8fa0535c536850ec90899c513b731d519a269
-size 25740237
diff --git a/dbpedia_14_given_a_choice_of_categories_/train-00000-of-00002.parquet b/dbpedia_14_given_a_choice_of_categories_/train-00000-of-00002.parquet
deleted file mode 100644
index 596051ad01a9180ba987efadca0022388dfa70c0..0000000000000000000000000000000000000000
--- a/dbpedia_14_given_a_choice_of_categories_/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d41781e2c87411b857d5a92eee53c812c8ed2fda9af83bd6e8013818c8a84479
-size 111880918
diff --git a/dbpedia_14_given_a_choice_of_categories_/train-00001-of-00002.parquet b/dbpedia_14_given_a_choice_of_categories_/train-00001-of-00002.parquet
deleted file mode 100644
index f3fb2cb5d8afbb724ce2e9eddbc9c56b38a1e645..0000000000000000000000000000000000000000
--- a/dbpedia_14_given_a_choice_of_categories_/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0cf0566e731238f6f2f9d1affa64e4bc8ba1e4985a7a2a36b59b724579f627c9
-size 94191547
diff --git a/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/test-00000-of-00001.parquet b/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/test-00000-of-00001.parquet
deleted file mode 100644
index 5eceb06863ea864379d755a62727fb630f1107e7..0000000000000000000000000000000000000000
--- a/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4a79b8a4f96bc98780d4c0dfe7c6b1d3abb371e217b62117baf5fc6d34a31bd0
-size 4322698
diff --git a/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/train-00000-of-00001.parquet b/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/train-00000-of-00001.parquet
deleted file mode 100644
index cdaf0ad8d929093d074e44f2e57575ed87c45fa6..0000000000000000000000000000000000000000
--- a/dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:17312563c3fe27def458167087780471e659fc79c75fb94c045decb0ba8fc307
-size 34547833
diff --git a/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/test-00000-of-00001.parquet b/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/test-00000-of-00001.parquet
deleted file mode 100644
index 8f834c1c46c44452679172900e60e55f87353c2e..0000000000000000000000000000000000000000
--- a/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a8d207f78e5baec79358084c7e15c359a3ceeeffa6744b607108634716eb6ceb
-size 24364426
diff --git a/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train-00000-of-00002.parquet b/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train-00000-of-00002.parquet
deleted file mode 100644
index f7c727dbf391584552a94876c6462d3c05fdec40..0000000000000000000000000000000000000000
--- a/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b9736e7a733116f30a706c7131d00d2c64ce58bb6225fb69aefed130786beb0b
-size 106373226
diff --git a/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train-00001-of-00002.parquet b/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train-00001-of-00002.parquet
deleted file mode 100644
index 330c31d54c37876058bc8fcb74e98cde48d7fdc7..0000000000000000000000000000000000000000
--- a/dbpedia_14_given_list_what_category_does_the_paragraph_belong_to/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3f53c0de06653c131cd58ba6223589435d5e8a3c20c0a2312563512c4b0c43d0
-size 88625611
diff --git a/dbpedia_14_pick_one_category_for_the_following_text/test-00000-of-00001.parquet b/dbpedia_14_pick_one_category_for_the_following_text/test-00000-of-00001.parquet
deleted file mode 100644
index dc6ce9050ff0d16eeaba565853c373340d2b8c39..0000000000000000000000000000000000000000
--- a/dbpedia_14_pick_one_category_for_the_following_text/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5438fbb2a961c3390ed0dc34490c50832540eef179415aa3a48792abb9dbce87
-size 25607055
diff --git a/dbpedia_14_pick_one_category_for_the_following_text/train-00000-of-00002.parquet b/dbpedia_14_pick_one_category_for_the_following_text/train-00000-of-00002.parquet
deleted file mode 100644
index 0ab9fa0056e99473edd22ec5d9d53cbefb45232f..0000000000000000000000000000000000000000
--- a/dbpedia_14_pick_one_category_for_the_following_text/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:81c41f484efbec9c5144796821b41bc8e7a75dea2759a1078328c67e94b48ac4
-size 111328622
diff --git a/dbpedia_14_pick_one_category_for_the_following_text/train-00001-of-00002.parquet b/dbpedia_14_pick_one_category_for_the_following_text/train-00001-of-00002.parquet
deleted file mode 100644
index bb943a8207ea426752f14ef86a4b681fc35cd5d5..0000000000000000000000000000000000000000
--- a/dbpedia_14_pick_one_category_for_the_following_text/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:51073c0b8cfc51f63792272e0beed4d9f93b340f26bc3cb5ec95cde54e225a40
-size 93744970
diff --git a/dream_answer_to_dialogue/test-00000-of-00001.parquet b/dream_answer_to_dialogue/test-00000-of-00001.parquet
deleted file mode 100644
index d8b09dd667170f5d021707e4553d5ec948ccdcff..0000000000000000000000000000000000000000
--- a/dream_answer_to_dialogue/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0f96df743bce01d2b0d94161d5005e9a01cd9e4e14b04fb327bb999ee946f730
-size 716929
diff --git a/dream_answer_to_dialogue/train-00000-of-00001.parquet b/dream_answer_to_dialogue/train-00000-of-00001.parquet
deleted file mode 100644
index 4d0986c2f36131f210faf6a2a7b29b87f0ff89ff..0000000000000000000000000000000000000000
--- a/dream_answer_to_dialogue/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1baf0c0b2af2263e6d0a5840bfe2d5ac7d104821f92e6aad728374e6ac0858cc
-size 2155824
diff --git a/dream_answer_to_dialogue/validation-00000-of-00001.parquet b/dream_answer_to_dialogue/validation-00000-of-00001.parquet
deleted file mode 100644
index 1a9b77047934b3e2c4b41d028d4c2c949b481276..0000000000000000000000000000000000000000
--- a/dream_answer_to_dialogue/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:69f10f1392b0438ba396b6000ec7a4f953c5f7516a0d1e926809342c14d9870f
-size 698259
diff --git a/dream_baseline/test-00000-of-00001.parquet b/dream_baseline/test-00000-of-00001.parquet
deleted file mode 100644
index 2510dd7d64eca14350d7f84d0f5ce80182de91e4..0000000000000000000000000000000000000000
--- a/dream_baseline/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:28e9da461b93f48a7c29aa6004865f26bbb07b048fb871185fc7afcdb85b811b
-size 1258414
diff --git a/dream_baseline/train-00000-of-00001.parquet b/dream_baseline/train-00000-of-00001.parquet
deleted file mode 100644
index 66b6ed485df360ef9f0267574a1767927561fd5f..0000000000000000000000000000000000000000
--- a/dream_baseline/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:af9eb459e2e710aab0cbbf4b52d4f3b6e8cde0080b640a76b8da5eb27c00c698
-size 3823617
diff --git a/dream_baseline/validation-00000-of-00001.parquet b/dream_baseline/validation-00000-of-00001.parquet
deleted file mode 100644
index fedbc202d214bb76970a5e1748a0428bd0980d9c..0000000000000000000000000000000000000000
--- a/dream_baseline/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c58528bedd5901393b59774490db9d8532cd8bf637a1031ca549ef3cdbaaa700
-size 1229299
diff --git a/dream_generate_first_utterance/test-00000-of-00001.parquet b/dream_generate_first_utterance/test-00000-of-00001.parquet
deleted file mode 100644
index d8de278a77163c6f81da2dc538f54eec31110cef..0000000000000000000000000000000000000000
--- a/dream_generate_first_utterance/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7e5d9d75c025698ec1bf2de2cd20f3465a36eb43c31b3e8413c2da86fac57aff
-size 595605
diff --git a/dream_generate_first_utterance/train-00000-of-00001.parquet b/dream_generate_first_utterance/train-00000-of-00001.parquet
deleted file mode 100644
index d1e6a95fe0dcfaeb7dafbd501d81ebe82b35ce95..0000000000000000000000000000000000000000
--- a/dream_generate_first_utterance/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:73a77a72e47eb8d98fdae4d7c65d905dfa1cfbf70d97e1979132de7a0c2e9338
-size 1813583
diff --git a/dream_generate_first_utterance/validation-00000-of-00001.parquet b/dream_generate_first_utterance/validation-00000-of-00001.parquet
deleted file mode 100644
index 0a645728104c014a0bdf3c090a7bc8164ed29d4e..0000000000000000000000000000000000000000
--- a/dream_generate_first_utterance/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:daf1d69c8a6bc3af8874ad759bb9cdf654279fe93701260cfcc49e9a9047bd29
-size 579825
diff --git a/dream_generate_last_utterance/test-00000-of-00001.parquet b/dream_generate_last_utterance/test-00000-of-00001.parquet
deleted file mode 100644
index 7498af82cebf67a24194a60937a26f38dfdc8819..0000000000000000000000000000000000000000
--- a/dream_generate_last_utterance/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:44188f45c7332fadf5b35c00f6f0f39153e2a2d337de1a100a9ca7c39d225136
-size 607174
diff --git a/dream_generate_last_utterance/train-00000-of-00001.parquet b/dream_generate_last_utterance/train-00000-of-00001.parquet
deleted file mode 100644
index bd60b38b0c4ea5855dfd0090ca299ca4892eb8ca..0000000000000000000000000000000000000000
--- a/dream_generate_last_utterance/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5ad3572b22e3cfd673240c4e002056a7895e3c0f9eafa71c2406283832df148c
-size 1817789
diff --git a/dream_generate_last_utterance/validation-00000-of-00001.parquet b/dream_generate_last_utterance/validation-00000-of-00001.parquet
deleted file mode 100644
index 5f04733367b9ef8615bb39a67ea3a12e06abd83a..0000000000000000000000000000000000000000
--- a/dream_generate_last_utterance/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:577b7fa02a0e5f8d1d8092f1776456e9f27cd1389e98f5ca29fdb312794ea805
-size 593941
diff --git a/dream_read_the_following_conversation_and_answer_the_question/test-00000-of-00001.parquet b/dream_read_the_following_conversation_and_answer_the_question/test-00000-of-00001.parquet
deleted file mode 100644
index e061497d113ed684d299837ef4e6996ae29f8561..0000000000000000000000000000000000000000
--- a/dream_read_the_following_conversation_and_answer_the_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:af98e45874cd3dae8e45a1aa63a97a979bb4fcbcfc042a13e6b29927befff284
-size 1241910
diff --git a/dream_read_the_following_conversation_and_answer_the_question/train-00000-of-00001.parquet b/dream_read_the_following_conversation_and_answer_the_question/train-00000-of-00001.parquet
deleted file mode 100644
index c02a2622880b88881f2eddf862f553fc86514f39..0000000000000000000000000000000000000000
--- a/dream_read_the_following_conversation_and_answer_the_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a56c843c496c86e621714cb2f52384550d3dc74db23d60d0ef5d2ea21a702ec5
-size 3774301
diff --git a/dream_read_the_following_conversation_and_answer_the_question/validation-00000-of-00001.parquet b/dream_read_the_following_conversation_and_answer_the_question/validation-00000-of-00001.parquet
deleted file mode 100644
index e656c4924c6fc3f6899ffdcb31239265b8e9a7cc..0000000000000000000000000000000000000000
--- a/dream_read_the_following_conversation_and_answer_the_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7c2bcb75e4bc52953248f8e986b39d991477fd8874788bc4a36895327bf48fc9
-size 1260152
diff --git a/duorc_ParaphraseRC_answer_question/test-00000-of-00001.parquet b/duorc_ParaphraseRC_answer_question/test-00000-of-00001.parquet
deleted file mode 100644
index c3a2460688f0980a8e9a20bb01494240ef387b09..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_answer_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:42fff3d8cfe439dd1757e5a23578a0ab9ce8c9dba55be84a241d17ac7fb54340
-size 15740142
diff --git a/duorc_ParaphraseRC_answer_question/train-00000-of-00001.parquet b/duorc_ParaphraseRC_answer_question/train-00000-of-00001.parquet
deleted file mode 100644
index f5ffbb9a9c96f9c584d942d367a730e2bb96b74c..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_answer_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d5656606109a35bb257a571e68b118ceb2514f0f98883122e0e700cdb4faccc1
-size 68301057
diff --git a/duorc_ParaphraseRC_answer_question/validation-00000-of-00001.parquet b/duorc_ParaphraseRC_answer_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 03f3a677d542702d65998f2ba9eca6cfe48baa6e..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_answer_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f69741e696f44e8e55223177c30fe46eda8d377adf33e24af24b390ae1ff9233
-size 15013964
diff --git a/duorc_ParaphraseRC_build_story_around_qa/test-00000-of-00001.parquet b/duorc_ParaphraseRC_build_story_around_qa/test-00000-of-00001.parquet
deleted file mode 100644
index 2d1dda810961d0cce71d0d9cb5615776cefb3cb6..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_build_story_around_qa/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4ac5f96d2d48ab3981005d6414d1600d93b81953d5bc073ff7a60a1bd82c30fd
-size 11375429
diff --git a/duorc_ParaphraseRC_build_story_around_qa/train-00000-of-00001.parquet b/duorc_ParaphraseRC_build_story_around_qa/train-00000-of-00001.parquet
deleted file mode 100644
index 5bc5840ffeeadb152c50c719c52f7ed0800e4dd1..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_build_story_around_qa/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aeaa618ce115344c125bf0fc89330054d26c652beca919a3a8f3e23444ba7c60
-size 48893712
diff --git a/duorc_ParaphraseRC_build_story_around_qa/validation-00000-of-00001.parquet b/duorc_ParaphraseRC_build_story_around_qa/validation-00000-of-00001.parquet
deleted file mode 100644
index bb3844f8d177fe2ce34b4859919766336019dbfa..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_build_story_around_qa/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:03106d1df478e3d9f9c7af44e4c56f0935e918bc1582e4d8da0ae7d938b0e72c
-size 11374730
diff --git a/duorc_ParaphraseRC_decide_worth_it/test-00000-of-00001.parquet b/duorc_ParaphraseRC_decide_worth_it/test-00000-of-00001.parquet
deleted file mode 100644
index 6e6974655ef4633d8f1abea15b39798f0faf634d..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_decide_worth_it/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3716bdfe253f0935c7cbcfa481019625e82f198979ed30b772551a63a05dd780
-size 16339672
diff --git a/duorc_ParaphraseRC_decide_worth_it/train-00000-of-00001.parquet b/duorc_ParaphraseRC_decide_worth_it/train-00000-of-00001.parquet
deleted file mode 100644
index 979518dd536963041b2cb31efdc6291cbb68cdc6..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_decide_worth_it/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a78f776abf8025957ec0450f00bb7654c9a1b40694f6ad896dd88ccbf9d6c990
-size 69187427
diff --git a/duorc_ParaphraseRC_decide_worth_it/validation-00000-of-00001.parquet b/duorc_ParaphraseRC_decide_worth_it/validation-00000-of-00001.parquet
deleted file mode 100644
index c4d010f1718e4732cb8d683817adb31cc71c0688..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_decide_worth_it/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e8ea33b1658d21bc84f41deeeae2133630ed9829035f60dd46e590eae79685d6
-size 15267463
diff --git a/duorc_ParaphraseRC_extract_answer/test-00000-of-00001.parquet b/duorc_ParaphraseRC_extract_answer/test-00000-of-00001.parquet
deleted file mode 100644
index ac15c1b6c96d0d6f15f98d2578a3ecedb4366be0..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_extract_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a8c1fd7c372723a588c9ca29c76fbba9052bb3e3709df4a917d17d397a03400e
-size 15896130
diff --git a/duorc_ParaphraseRC_extract_answer/train-00000-of-00001.parquet b/duorc_ParaphraseRC_extract_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 10795b7d10d5717a953aa8f54792248dd13c3f10..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_extract_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d9e9e2cd9f9c4bf5078b67bdf5f81ea4054cac2eb35654a80bb00fb17a104176
-size 68716891
diff --git a/duorc_ParaphraseRC_extract_answer/validation-00000-of-00001.parquet b/duorc_ParaphraseRC_extract_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 544e3d3da42b1c1bb02ea8f97b2bfca63d67a199..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_extract_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7715672aebe91bf477d637c4f12ea3a16550edb29fbcb41390acecb0e3f143fd
-size 15226377
diff --git a/duorc_ParaphraseRC_generate_question/test-00000-of-00001.parquet b/duorc_ParaphraseRC_generate_question/test-00000-of-00001.parquet
deleted file mode 100644
index 55b2165919be594081a1527872346d1f41ba3fe3..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_generate_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6e89ae17bdccdbfa2ac6bb09bb26f859c67f9144b42f024487a4053f73de341c
-size 11908482
diff --git a/duorc_ParaphraseRC_generate_question/train-00000-of-00001.parquet b/duorc_ParaphraseRC_generate_question/train-00000-of-00001.parquet
deleted file mode 100644
index 6dd69eec11067f9a10892c8826eef6aeeb6970dd..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_generate_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:22ce6db42abf6b00ab449388ea4dff0ac9be44776875d9ade3772f17f372b476
-size 51139997
diff --git a/duorc_ParaphraseRC_generate_question/validation-00000-of-00001.parquet b/duorc_ParaphraseRC_generate_question/validation-00000-of-00001.parquet
deleted file mode 100644
index a141757f9e3ade9d366f169756906da0a19ea5c5..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_generate_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ebcba988c4ba8ac644b91daddbcf23af83a8bfdc6642e656f74488ac53f2dd0e
-size 11423867
diff --git a/duorc_ParaphraseRC_generate_question_by_answer/test-00000-of-00001.parquet b/duorc_ParaphraseRC_generate_question_by_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 8d5d9f749099f1fc3deeb831b2f3c08c0192f977..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_generate_question_by_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e7802a45ab4aab582c6f3828c1e76650cd88d9855a3c77a06e018008c7b9d1bf
-size 13487447
diff --git a/duorc_ParaphraseRC_generate_question_by_answer/train-00000-of-00001.parquet b/duorc_ParaphraseRC_generate_question_by_answer/train-00000-of-00001.parquet
deleted file mode 100644
index f5d7eb6a39280d94889ccd58f9b3b61e00794ce4..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_generate_question_by_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b6e9bcd24be9cb3057aa2999ae69d7babca8c84fa97a2ca6a548de1dfdbe810d
-size 59136836
diff --git a/duorc_ParaphraseRC_generate_question_by_answer/validation-00000-of-00001.parquet b/duorc_ParaphraseRC_generate_question_by_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 09288514bba299884ae7a34d296d7d14a4213be0..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_generate_question_by_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:98e6fe802bb2ba98fbd3e43a1b0eafd369e7f7af4b5f60d79b9929d8ce020644
-size 12603925
diff --git a/duorc_ParaphraseRC_movie_director/test-00000-of-00001.parquet b/duorc_ParaphraseRC_movie_director/test-00000-of-00001.parquet
deleted file mode 100644
index 95c7611ff891b388d7b1f9754a40e8410197db01..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_movie_director/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e565c387841770845e3862adabdb59bf24db2a29dc8fef318e7391f646c535b7
-size 15331592
diff --git a/duorc_ParaphraseRC_movie_director/train-00000-of-00001.parquet b/duorc_ParaphraseRC_movie_director/train-00000-of-00001.parquet
deleted file mode 100644
index 388e01ec7069d443afcdd09bf453369eec70b058..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_movie_director/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f209b8e98d98887c4e8d1d1385032b0f63fd332a427ad1e2e392e1ec2cd42c80
-size 67255583
diff --git a/duorc_ParaphraseRC_movie_director/validation-00000-of-00001.parquet b/duorc_ParaphraseRC_movie_director/validation-00000-of-00001.parquet
deleted file mode 100644
index f5dcaf6acc0b4da153fb6dd1f901e0775ea8eb90..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_movie_director/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:593b86b154c1896ae9894bad3315de00acb1fbc48f46362d591be4b047d2ae17
-size 14463865
diff --git a/duorc_ParaphraseRC_question_answering/test-00000-of-00001.parquet b/duorc_ParaphraseRC_question_answering/test-00000-of-00001.parquet
deleted file mode 100644
index c9bfa306206e99e6bc947f81de4592de3af229f7..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_question_answering/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:03d2dcf63e70f1582f44ee7b455b6092e1f80cd6428109515448494df5fad68b
-size 15634067
diff --git a/duorc_ParaphraseRC_question_answering/train-00000-of-00001.parquet b/duorc_ParaphraseRC_question_answering/train-00000-of-00001.parquet
deleted file mode 100644
index 664c021d1be0b6d6517b745f0d9c6a1d5c92415f..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_question_answering/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c6e7045daa28841281198ed3619ab122d27c23ee866430d46dfbc33ae3dacb25
-size 67255144
diff --git a/duorc_ParaphraseRC_question_answering/validation-00000-of-00001.parquet b/duorc_ParaphraseRC_question_answering/validation-00000-of-00001.parquet
deleted file mode 100644
index 48619204f62a8b0418e461c7f0f2c6013fa10f08..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_question_answering/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:57a699a26cfcba0b3d849326cacb50d851bd0248f9cadc8106a58e06cad31e21
-size 14458525
diff --git a/duorc_ParaphraseRC_title_generation/test-00000-of-00001.parquet b/duorc_ParaphraseRC_title_generation/test-00000-of-00001.parquet
deleted file mode 100644
index a0c866ee704241dbe5d43bb75e0b8da32896d624..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_title_generation/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2f048be067bc8c82c9e641b559286f98210e3f9ab7ebad9f1b01e1e6f7a6c1be
-size 10864507
diff --git a/duorc_ParaphraseRC_title_generation/train-00000-of-00001.parquet b/duorc_ParaphraseRC_title_generation/train-00000-of-00001.parquet
deleted file mode 100644
index 18e2bc6536648116900fab7d89563a9212e7294e..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_title_generation/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:39129dab0a0bb5c014ac7b3227ce42db81cd6afd40fec0721bb37460e30fae2c
-size 48139535
diff --git a/duorc_ParaphraseRC_title_generation/validation-00000-of-00001.parquet b/duorc_ParaphraseRC_title_generation/validation-00000-of-00001.parquet
deleted file mode 100644
index 7f09e3e482d117b0d75e44372e69957501924fa2..0000000000000000000000000000000000000000
--- a/duorc_ParaphraseRC_title_generation/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f93c001808f06daa018934e01dd7e925b9694b1da5f2aed9367dc6a7d835f0e7
-size 10651152
diff --git a/duorc_SelfRC_answer_question/test-00000-of-00001.parquet b/duorc_SelfRC_answer_question/test-00000-of-00001.parquet
deleted file mode 100644
index 038cf37857fc625620c287e4e9024147794ace3a..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_answer_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d65dd9ef3481d66b2d9186a1b38e1736817b16627497bf7be841bff6dc32a7d6
-size 12015606
diff --git a/duorc_SelfRC_answer_question/train-00000-of-00001.parquet b/duorc_SelfRC_answer_question/train-00000-of-00001.parquet
deleted file mode 100644
index 638fa886f1f96c6d8f7c0b39d8814b3eef8ee5e8..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_answer_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:03fc2533add527b10cb222cbb1e09d4567932dfddcfdd2c4dfcbebef9863d8be
-size 57655568
diff --git a/duorc_SelfRC_answer_question/validation-00000-of-00001.parquet b/duorc_SelfRC_answer_question/validation-00000-of-00001.parquet
deleted file mode 100644
index cf6a7b7c02216553ae8b4f95cd6aea75542bd391..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_answer_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a2f92dae6dc8d0dc4546fb0def0c4dedaa6bbb27147dc823547f7d754b72e1c6
-size 11883831
diff --git a/duorc_SelfRC_build_story_around_qa/test-00000-of-00001.parquet b/duorc_SelfRC_build_story_around_qa/test-00000-of-00001.parquet
deleted file mode 100644
index 4602b9dcf955fa3879b1fc34a6babfd501f0be61..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_build_story_around_qa/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cad3469f78de5f366127fd222a95b0f2598f95f40572dd989ef53a98fc8a1b8b
-size 9397171
diff --git a/duorc_SelfRC_build_story_around_qa/train-00000-of-00001.parquet b/duorc_SelfRC_build_story_around_qa/train-00000-of-00001.parquet
deleted file mode 100644
index 9dfc6df49acc791ba6988191598cbc7a1a475b76..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_build_story_around_qa/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3590aa2e0cf3d4759db7d27dba3e482d5aa30e5a02529ce944f9b922e9445e8a
-size 45735075
diff --git a/duorc_SelfRC_build_story_around_qa/validation-00000-of-00001.parquet b/duorc_SelfRC_build_story_around_qa/validation-00000-of-00001.parquet
deleted file mode 100644
index 9220c6fb7a7414fd9f4fda46d9f26926bcf83f73..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_build_story_around_qa/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ff57c3bf752c316ff27b05b8d81da3cb4fbf8f10a5729651ee117d1217b5bba0
-size 9245649
diff --git a/duorc_SelfRC_decide_worth_it/test-00000-of-00001.parquet b/duorc_SelfRC_decide_worth_it/test-00000-of-00001.parquet
deleted file mode 100644
index a0e012cbf629cc49bb9e0728db935f9d37c5dc22..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_decide_worth_it/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b2bfd26acadad98709eac92fe30c1c6d5446a278d71dc574421d4410495d8575
-size 11979000
diff --git a/duorc_SelfRC_decide_worth_it/train-00000-of-00001.parquet b/duorc_SelfRC_decide_worth_it/train-00000-of-00001.parquet
deleted file mode 100644
index 5ab88586a667a2f88116fbe7d408d48ea5d1eb7e..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_decide_worth_it/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:af92388c847d945ba6679be9ad462e553fb24dc92035bc6004dc0be1ce1287b6
-size 59243017
diff --git a/duorc_SelfRC_decide_worth_it/validation-00000-of-00001.parquet b/duorc_SelfRC_decide_worth_it/validation-00000-of-00001.parquet
deleted file mode 100644
index 98e5b07f9b5aace2a65e892bd1b91b84acb7f8f4..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_decide_worth_it/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ed2c6298443221151e8b281095315668c300b286707a96c6fdc85377f6744a95
-size 12411571
diff --git a/duorc_SelfRC_extract_answer/test-00000-of-00001.parquet b/duorc_SelfRC_extract_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 639afae6cfebf76eda3178f91765d7824e6710f5..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_extract_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:49b93e64f37a2f9c89ccee8647025af373ac593af3f1315b3ee136d23d89489a
-size 11919612
diff --git a/duorc_SelfRC_extract_answer/train-00000-of-00001.parquet b/duorc_SelfRC_extract_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 1855008b064b892daf97e390e68880265c30ff7b..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_extract_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bd13f51f34bf97bda00b86d11750f5c73642bb0832c6ee4d553efd972b50b154
-size 57419822
diff --git a/duorc_SelfRC_extract_answer/validation-00000-of-00001.parquet b/duorc_SelfRC_extract_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 5b3cf7a39f703ae9487bde3f1445365f8b60b0aa..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_extract_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d42a2e9a591b3da86cb044d3b9b391014746fa22240d6516fdd671d568339ae0
-size 11970163
diff --git a/duorc_SelfRC_generate_question/test-00000-of-00001.parquet b/duorc_SelfRC_generate_question/test-00000-of-00001.parquet
deleted file mode 100644
index 1780eae53e462baf44283bc5d6f5d19b914e93bf..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_generate_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:21f3786fff12d360c14f363f6cefcd182c2d35c186c9bf5f33ff30d1f2bb3c3a
-size 8902331
diff --git a/duorc_SelfRC_generate_question/train-00000-of-00001.parquet b/duorc_SelfRC_generate_question/train-00000-of-00001.parquet
deleted file mode 100644
index 8ad86d02671f3a6b8f23c1cb6b1d29f5a7a8ea57..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_generate_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2a945c28a9006b06b6d9031001141acb26d2bf842f21f5f62da914c7b49d1883
-size 43163166
diff --git a/duorc_SelfRC_generate_question/validation-00000-of-00001.parquet b/duorc_SelfRC_generate_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 39f61437ea4f0bd057a004622a814cbb14db0fd8..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_generate_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f7649d830892f3270b5e810f02f6af62dfcaa8d727496ebc3c69c1e1d83c9f1e
-size 8754736
diff --git a/duorc_SelfRC_generate_question_by_answer/test-00000-of-00001.parquet b/duorc_SelfRC_generate_question_by_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 3da80b155864bb50a2dff319de0485fd0bea980a..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_generate_question_by_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:665c977e61c7fa04ccfb7f4ea776ac81c5b4f147c21ad6a75de7a524a7b32d07
-size 10673323
diff --git a/duorc_SelfRC_generate_question_by_answer/train-00000-of-00001.parquet b/duorc_SelfRC_generate_question_by_answer/train-00000-of-00001.parquet
deleted file mode 100644
index bef182e19fe6f3af2fcbd6442ee84b54328b87e4..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_generate_question_by_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6dab10c6f919db221c531338658b1e4bceb73394575932377a8de93e5591c252
-size 54757112
diff --git a/duorc_SelfRC_generate_question_by_answer/validation-00000-of-00001.parquet b/duorc_SelfRC_generate_question_by_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index ba63f39e0ce1b90bd9cc011afcf5274738bc3715..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_generate_question_by_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9597e080eaf7214f9148398be433a46b03129999f6a4d09c5cabb28d8b0cc87f
-size 11078004
diff --git a/duorc_SelfRC_movie_director/test-00000-of-00001.parquet b/duorc_SelfRC_movie_director/test-00000-of-00001.parquet
deleted file mode 100644
index 3bacfeed31eac87f8a5390242481d0d90014df44..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_movie_director/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3de0f68fc2c5d997d00410fbabb0bccbbb6683e00bcc84b01c3d1cc8ee7e8a7d
-size 11706280
diff --git a/duorc_SelfRC_movie_director/train-00000-of-00001.parquet b/duorc_SelfRC_movie_director/train-00000-of-00001.parquet
deleted file mode 100644
index 6045d698273b57df8a0a9ede3179dfde0a3b3ef4..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_movie_director/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e40104d3ec054fa140f071444d878823ef23d242dcc7e08a957b44f9d67f1480
-size 56418739
diff --git a/duorc_SelfRC_movie_director/validation-00000-of-00001.parquet b/duorc_SelfRC_movie_director/validation-00000-of-00001.parquet
deleted file mode 100644
index c9588fec2cd242cb3cf7744b0ed73b5a9b12cf23..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_movie_director/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c3a215366e0fd263659d4c55227af9b4c2b1c591803f48044b7ed0abb4c28431
-size 11879642
diff --git a/duorc_SelfRC_question_answering/test-00000-of-00001.parquet b/duorc_SelfRC_question_answering/test-00000-of-00001.parquet
deleted file mode 100644
index 333718790c6e18e087f9bb30888e1aa444fa7ed2..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_question_answering/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2fe46914412a3a17eb390a2c71ec51f39aa776015579259eca5c25b4916ec24d
-size 11630529
diff --git a/duorc_SelfRC_question_answering/train-00000-of-00001.parquet b/duorc_SelfRC_question_answering/train-00000-of-00001.parquet
deleted file mode 100644
index ae1e5fb106a061ddeedab41236ea4f09a11583c2..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_question_answering/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2462c6f231366c16de86abc8460f52713e873c55d15ca26454408b4fa0dad617
-size 56666779
diff --git a/duorc_SelfRC_question_answering/validation-00000-of-00001.parquet b/duorc_SelfRC_question_answering/validation-00000-of-00001.parquet
deleted file mode 100644
index c66bd7bbfb76d4d5c173102d40db80fee2ac7e03..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_question_answering/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:30dddc741dd308d0150927ce2a4cffe846450593d3386edb67e4484b9957a839
-size 11695072
diff --git a/duorc_SelfRC_title_generation/test-00000-of-00001.parquet b/duorc_SelfRC_title_generation/test-00000-of-00001.parquet
deleted file mode 100644
index 7b7602abc2dcc9061d4b1046852c83a5522fe782..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_title_generation/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fb4f1a505b32bd41ff0287e7358f4122019a7ba205ec06580b07b0cca0eb3a4b
-size 8660145
diff --git a/duorc_SelfRC_title_generation/train-00000-of-00001.parquet b/duorc_SelfRC_title_generation/train-00000-of-00001.parquet
deleted file mode 100644
index aac660f4df934e6732ffc11b9ba4b784d51310c2..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_title_generation/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b0011cbb6f363d71e5a578081732e67d5335f7034537428622e369303ededd6a
-size 40232370
diff --git a/duorc_SelfRC_title_generation/validation-00000-of-00001.parquet b/duorc_SelfRC_title_generation/validation-00000-of-00001.parquet
deleted file mode 100644
index f718fa52eb6aff5826ed65ac037184eeda4e930d..0000000000000000000000000000000000000000
--- a/duorc_SelfRC_title_generation/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9b9de693373c1ecfe26933ff3c2cda32a9a89c5cfabe09468be83033a1f52827
-size 8335571
diff --git a/gigaword_TLDR/test-00000-of-00001.parquet b/gigaword_TLDR/test-00000-of-00001.parquet
deleted file mode 100644
index d570637f9b6138ac3d3cb7f3c51cbe6839a1d8ad..0000000000000000000000000000000000000000
--- a/gigaword_TLDR/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4e7bb7f5d9886957e771b13afba0b2d7e6b42a063b7a507079fc8052f1831978
-size 567949
diff --git a/gigaword_TLDR/train-00000-of-00005.parquet b/gigaword_TLDR/train-00000-of-00005.parquet
deleted file mode 100644
index 8a8009c1345e2b96470b773e879d72e275b6d4ad..0000000000000000000000000000000000000000
--- a/gigaword_TLDR/train-00000-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:36c89deca9cb8763f451f3a231a405e154e3147060af606a7c08aa8d38a94d7f
-size 197146511
diff --git a/gigaword_TLDR/train-00001-of-00005.parquet b/gigaword_TLDR/train-00001-of-00005.parquet
deleted file mode 100644
index d1d46462c547e584ec26fe51c4f5018909a5e3f8..0000000000000000000000000000000000000000
--- a/gigaword_TLDR/train-00001-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:28f26c4628aef939bc75d1cbdd68f7d546414f8ee08dd80af7ab3a55964319fb
-size 185420004
diff --git a/gigaword_TLDR/train-00002-of-00005.parquet b/gigaword_TLDR/train-00002-of-00005.parquet
deleted file mode 100644
index fdd37030d6670b751579154f88af2036910e68da..0000000000000000000000000000000000000000
--- a/gigaword_TLDR/train-00002-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b3b94030ba851e789503bfcc60b5a8d9cff21850bd73960b47501f3b3fd5dbb1
-size 186822962
diff --git a/gigaword_TLDR/train-00003-of-00005.parquet b/gigaword_TLDR/train-00003-of-00005.parquet
deleted file mode 100644
index 7949d87cb066d783b19a4b4baabb3ebbe3bc7719..0000000000000000000000000000000000000000
--- a/gigaword_TLDR/train-00003-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6361ea51d63d8ff86bb1a58899d0f85dfc81e36cf68392417709306f614265cc
-size 213617767
diff --git a/gigaword_TLDR/train-00004-of-00005.parquet b/gigaword_TLDR/train-00004-of-00005.parquet
deleted file mode 100644
index 160a350c821f1928b10f0744dfcb5540317ecfc4..0000000000000000000000000000000000000000
--- a/gigaword_TLDR/train-00004-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2e620e85eedcfe96017330534760b373e9b63d985472d73fef2f7cdd0c926c30
-size 201092327
diff --git a/gigaword_TLDR/validation-00000-of-00001.parquet b/gigaword_TLDR/validation-00000-of-00001.parquet
deleted file mode 100644
index 3ca638332140b38c101d87e85b10965da98fd43e..0000000000000000000000000000000000000000
--- a/gigaword_TLDR/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6dab1b1a7a48ef562f2aeb0a830e13b81037a0169a8d3263cc60b0eb98153688
-size 50092985
diff --git a/gigaword_first_sentence_title/test-00000-of-00001.parquet b/gigaword_first_sentence_title/test-00000-of-00001.parquet
deleted file mode 100644
index 0f8fe063e61ca05d74ad4b9fe7dc08949f756428..0000000000000000000000000000000000000000
--- a/gigaword_first_sentence_title/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a7a251b57c02e5894bb6f0711c9ad1351a7a07ec4ca4c92214d814aabc002ce
-size 574476
diff --git a/gigaword_first_sentence_title/train-00000-of-00005.parquet b/gigaword_first_sentence_title/train-00000-of-00005.parquet
deleted file mode 100644
index 8f07d9a94ada6d58f02c735413e3182a73a42605..0000000000000000000000000000000000000000
--- a/gigaword_first_sentence_title/train-00000-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6b78adaf6bac44a7adeb8b4b24f11c30654000167b823a2024d90fa83f6ebdfa
-size 199326846
diff --git a/gigaword_first_sentence_title/train-00001-of-00005.parquet b/gigaword_first_sentence_title/train-00001-of-00005.parquet
deleted file mode 100644
index 1299e3e9098ab71a65fba3812471917c1a645457..0000000000000000000000000000000000000000
--- a/gigaword_first_sentence_title/train-00001-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:affb0bbd97c9133d5bfe3875ca5f9a9c458919f1bac661553deca4a72846ba63
-size 186743158
diff --git a/gigaword_first_sentence_title/train-00002-of-00005.parquet b/gigaword_first_sentence_title/train-00002-of-00005.parquet
deleted file mode 100644
index 97cff10cc32f3466d85305ab4375757a1250e876..0000000000000000000000000000000000000000
--- a/gigaword_first_sentence_title/train-00002-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b8cfc49c60ec66f04cee30de8518caf86b1934fe8cdc1abf22d55b0744d6e485
-size 188523489
diff --git a/gigaword_first_sentence_title/train-00003-of-00005.parquet b/gigaword_first_sentence_title/train-00003-of-00005.parquet
deleted file mode 100644
index e587e8684ebd4c41bea422153fb7c9313b5481a4..0000000000000000000000000000000000000000
--- a/gigaword_first_sentence_title/train-00003-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e553f84dca275bb6a47eb85599f4dba1ed48a0a99b7cb64a63a39c1ee82fa597
-size 215544176
diff --git a/gigaword_first_sentence_title/train-00004-of-00005.parquet b/gigaword_first_sentence_title/train-00004-of-00005.parquet
deleted file mode 100644
index 6688f0a996d51146fdfd764c5292e10924857895..0000000000000000000000000000000000000000
--- a/gigaword_first_sentence_title/train-00004-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e70c026f17febbb2ee7251d30835d1ea1701d176aac88c790438726f2ffaa31b
-size 203781986
diff --git a/gigaword_first_sentence_title/validation-00000-of-00001.parquet b/gigaword_first_sentence_title/validation-00000-of-00001.parquet
deleted file mode 100644
index f41636129947807fa12b1d150c50a71788b76875..0000000000000000000000000000000000000000
--- a/gigaword_first_sentence_title/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c2ad6a979d5d1bf3a00b4f30752b3d8fac25ce7c3cc97a9c27afc149aa5e50a7
-size 50589441
diff --git a/gigaword_generate_summary_for_this/test-00000-of-00001.parquet b/gigaword_generate_summary_for_this/test-00000-of-00001.parquet
deleted file mode 100644
index 73ae15e8a73598486d3ffccb41fae125d179c0a3..0000000000000000000000000000000000000000
--- a/gigaword_generate_summary_for_this/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0ed96fd3fc32558532339e4453651f8623cc215c6c068bdce7accf43e07c6ca0
-size 574806
diff --git a/gigaword_generate_summary_for_this/train-00000-of-00005.parquet b/gigaword_generate_summary_for_this/train-00000-of-00005.parquet
deleted file mode 100644
index be58ef2f90f580dbe7bcad5bb9f36d5904deea72..0000000000000000000000000000000000000000
--- a/gigaword_generate_summary_for_this/train-00000-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bdcb66e7eff6bba7fddc9db9da281822fb94148c9b03e448652a153d5c9c48ab
-size 200029533
diff --git a/gigaword_generate_summary_for_this/train-00001-of-00005.parquet b/gigaword_generate_summary_for_this/train-00001-of-00005.parquet
deleted file mode 100644
index 1dc97e0843c132f8769571efdb97313b3fe7396d..0000000000000000000000000000000000000000
--- a/gigaword_generate_summary_for_this/train-00001-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:50adadd736f6be72f822ee1f8e3e655991b4072d12186be142fbf69396638b5c
-size 187293569
diff --git a/gigaword_generate_summary_for_this/train-00002-of-00005.parquet b/gigaword_generate_summary_for_this/train-00002-of-00005.parquet
deleted file mode 100644
index c01fd08b385479a1804bc158b4b4dbc1cdf3a149..0000000000000000000000000000000000000000
--- a/gigaword_generate_summary_for_this/train-00002-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:605f9eec19e895f9a32b7c23a01a9e9a54cab1edc3838a55ee8f5e18bf8ef46d
-size 189054231
diff --git a/gigaword_generate_summary_for_this/train-00003-of-00005.parquet b/gigaword_generate_summary_for_this/train-00003-of-00005.parquet
deleted file mode 100644
index 5f67d26b87ba6c40e3b0598078cfbd8e46cfebbf..0000000000000000000000000000000000000000
--- a/gigaword_generate_summary_for_this/train-00003-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:68859145671ac19799bfbed9d15fb9fb743c944f46802a0e329e37bb5303bb07
-size 215959452
diff --git a/gigaword_generate_summary_for_this/train-00004-of-00005.parquet b/gigaword_generate_summary_for_this/train-00004-of-00005.parquet
deleted file mode 100644
index b417aa17eb73133a1009967c52be0d5a51f32ded..0000000000000000000000000000000000000000
--- a/gigaword_generate_summary_for_this/train-00004-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:71dfda06e890f84a4362fb44bcd07dc57f0518bc565d214774e399a0a64f0c97
-size 204333581
diff --git a/gigaword_generate_summary_for_this/validation-00000-of-00001.parquet b/gigaword_generate_summary_for_this/validation-00000-of-00001.parquet
deleted file mode 100644
index a0820c073442e513593ae98055b72881eb9befcd..0000000000000000000000000000000000000000
--- a/gigaword_generate_summary_for_this/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e076766393dd146683298b421ef1aacb8c5bd1a6d80aa8981e41de0da6bcd008
-size 50713703
diff --git a/gigaword_in_a_nutshell/test-00000-of-00001.parquet b/gigaword_in_a_nutshell/test-00000-of-00001.parquet
deleted file mode 100644
index 995af60aa17380557a5c8a43a6c98c946d7058f9..0000000000000000000000000000000000000000
--- a/gigaword_in_a_nutshell/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0d781dc5d4269f8f515e6b0a906c6951233dd39764e7dbf6196cfdfd8a587ca9
-size 570167
diff --git a/gigaword_in_a_nutshell/train-00000-of-00005.parquet b/gigaword_in_a_nutshell/train-00000-of-00005.parquet
deleted file mode 100644
index acfc52dd59847c890cf5d376b2bceabfe554ab51..0000000000000000000000000000000000000000
--- a/gigaword_in_a_nutshell/train-00000-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7f15a79b95846bd349f8c0e5169846901ef4c3c7d360510e8becf2ef2e6789d4
-size 198011683
diff --git a/gigaword_in_a_nutshell/train-00001-of-00005.parquet b/gigaword_in_a_nutshell/train-00001-of-00005.parquet
deleted file mode 100644
index 5b8edde0c147a2b08c225cc376689adc71c84947..0000000000000000000000000000000000000000
--- a/gigaword_in_a_nutshell/train-00001-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:87e6164120248ae230fd026daf59bb6b31e450df70c0c2fbabe3e9e685ae7195
-size 185990539
diff --git a/gigaword_in_a_nutshell/train-00002-of-00005.parquet b/gigaword_in_a_nutshell/train-00002-of-00005.parquet
deleted file mode 100644
index 13fc0fc0035667beb8d6de06ccdfa255745a206d..0000000000000000000000000000000000000000
--- a/gigaword_in_a_nutshell/train-00002-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:663e3cbed7269aaebb3beb4853635b43bda8ad8199c90d691c8117ec6e6ed5a7
-size 187682396
diff --git a/gigaword_in_a_nutshell/train-00003-of-00005.parquet b/gigaword_in_a_nutshell/train-00003-of-00005.parquet
deleted file mode 100644
index 36591cfc66618a40177f9a7a7f5f549bcf604ee5..0000000000000000000000000000000000000000
--- a/gigaword_in_a_nutshell/train-00003-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5de33aded3ebfb8fe4161f82aef064bcf2d1d0615b40d14749f8e4c3124b3641
-size 214367257
diff --git a/gigaword_in_a_nutshell/train-00004-of-00005.parquet b/gigaword_in_a_nutshell/train-00004-of-00005.parquet
deleted file mode 100644
index 4814ae1a1551796de0ee72f7bd2bc72ffaf566b2..0000000000000000000000000000000000000000
--- a/gigaword_in_a_nutshell/train-00004-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5b48e08c8f717649b8192052a78f7f65eb75c0ad6114d0a292e742512223e2b9
-size 202134309
diff --git a/gigaword_in_a_nutshell/validation-00000-of-00001.parquet b/gigaword_in_a_nutshell/validation-00000-of-00001.parquet
deleted file mode 100644
index f100fbdec670198898648dd0f36706a3da724e80..0000000000000000000000000000000000000000
--- a/gigaword_in_a_nutshell/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3242428b0ec271bb5b392d17cae5b2a88e4e2aa40279bc4548f1d448879367e1
-size 50297879
diff --git a/gigaword_make_a_title/test-00000-of-00001.parquet b/gigaword_make_a_title/test-00000-of-00001.parquet
deleted file mode 100644
index 3ab1994fe9e1491d38d707566827fd19c850eaeb..0000000000000000000000000000000000000000
--- a/gigaword_make_a_title/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:820be663e789a9c8df5dc8a5971feb5fbe72a6dfa3fd012a437af9692c759bdd
-size 571441
diff --git a/gigaword_make_a_title/train-00000-of-00005.parquet b/gigaword_make_a_title/train-00000-of-00005.parquet
deleted file mode 100644
index cb60d58be27e8e4c24d10dea9142e470805dd8da..0000000000000000000000000000000000000000
--- a/gigaword_make_a_title/train-00000-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e8c44071d303f02ef0c17f6ff0b9fc3b67a8af52927f8f254a1600c4013db379
-size 198463386
diff --git a/gigaword_make_a_title/train-00001-of-00005.parquet b/gigaword_make_a_title/train-00001-of-00005.parquet
deleted file mode 100644
index 15aa5e0a8b0eedb981e77eb6dafe44e9dd4152d7..0000000000000000000000000000000000000000
--- a/gigaword_make_a_title/train-00001-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:eff9e5eb1e0144e9a7ed2333688da09b0d7cd9a164d5336c7dac68aaa21ba107
-size 186224237
diff --git a/gigaword_make_a_title/train-00002-of-00005.parquet b/gigaword_make_a_title/train-00002-of-00005.parquet
deleted file mode 100644
index 2a84fdf44746bd4afc09ddfdf8638d6c13a206dc..0000000000000000000000000000000000000000
--- a/gigaword_make_a_title/train-00002-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a6a210e8c31780b24c9a03e0ae37d1175ebb1155b670ee752f16835233273fbd
-size 188006240
diff --git a/gigaword_make_a_title/train-00003-of-00005.parquet b/gigaword_make_a_title/train-00003-of-00005.parquet
deleted file mode 100644
index a82cc14c9e818fbbd477c7a1c849fbdb255813c0..0000000000000000000000000000000000000000
--- a/gigaword_make_a_title/train-00003-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:748ee7500ed1daed769f1efa2f37ff48df9f82d732d6dbb630dee5c2c2db2d70
-size 214710874
diff --git a/gigaword_make_a_title/train-00004-of-00005.parquet b/gigaword_make_a_title/train-00004-of-00005.parquet
deleted file mode 100644
index a0685d7d28b0cbc706e33a43db4dda8b014c2e21..0000000000000000000000000000000000000000
--- a/gigaword_make_a_title/train-00004-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a4cd250c1adcbaf63d8865f49c3c95a61ae93b6b3c0c786b468b9783035b099
-size 203077205
diff --git a/gigaword_make_a_title/validation-00000-of-00001.parquet b/gigaword_make_a_title/validation-00000-of-00001.parquet
deleted file mode 100644
index 415ce6a32490caf0dbd2f156eb07140ffff03af0..0000000000000000000000000000000000000000
--- a/gigaword_make_a_title/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:11b8b2055e23518a3f0336e3043bd31dfd4cec0e28ccae79d1343b630a22f600
-size 50414656
diff --git a/gigaword_reverse_writing/test-00000-of-00001.parquet b/gigaword_reverse_writing/test-00000-of-00001.parquet
deleted file mode 100644
index 0f69166776db1fa4638a9b66938dd0fa9bc299e0..0000000000000000000000000000000000000000
--- a/gigaword_reverse_writing/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c5624e145ab7fac01cd8a41446ccc840e7b02f53d0cc674ea154dc271f0c1180
-size 567957
diff --git a/gigaword_reverse_writing/train-00000-of-00005.parquet b/gigaword_reverse_writing/train-00000-of-00005.parquet
deleted file mode 100644
index 931e23d28a23fce4dc01094cd656f3f3a8cfeb64..0000000000000000000000000000000000000000
--- a/gigaword_reverse_writing/train-00000-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:09c6cf95f6d815f3ddd3369c563f062a5e96befd18fb374a77b8b52e6ef66676
-size 197166836
diff --git a/gigaword_reverse_writing/train-00001-of-00005.parquet b/gigaword_reverse_writing/train-00001-of-00005.parquet
deleted file mode 100644
index f3ca0db8d8cfbce176161efed22583e35507d3a5..0000000000000000000000000000000000000000
--- a/gigaword_reverse_writing/train-00001-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:83fd75a64260f6c0307413d7697568678e9a2e00a2c6c516a73e70fbdf234716
-size 185300962
diff --git a/gigaword_reverse_writing/train-00002-of-00005.parquet b/gigaword_reverse_writing/train-00002-of-00005.parquet
deleted file mode 100644
index 6502acfb587e8c5dfb61960f29a25261e4f3f07f..0000000000000000000000000000000000000000
--- a/gigaword_reverse_writing/train-00002-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1f4114e2c1f174aa97a1a8f58726cf0a942de648b8e6ebe3553527980868b2d0
-size 187278907
diff --git a/gigaword_reverse_writing/train-00003-of-00005.parquet b/gigaword_reverse_writing/train-00003-of-00005.parquet
deleted file mode 100644
index db5d3a23c423541b00eaff1c946947a9e4f01e6d..0000000000000000000000000000000000000000
--- a/gigaword_reverse_writing/train-00003-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8483f1e3bff0245d43fe7102742c49c3b6215fa86002e5d9270382251a180c80
-size 214115016
diff --git a/gigaword_reverse_writing/train-00004-of-00005.parquet b/gigaword_reverse_writing/train-00004-of-00005.parquet
deleted file mode 100644
index 700b187f04132c686ea102bb680955888a04b6ea..0000000000000000000000000000000000000000
--- a/gigaword_reverse_writing/train-00004-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b2380e0cb8f7a7f98e3807798e236dc711e99593795ac76e17281dd54979682e
-size 201302191
diff --git a/gigaword_reverse_writing/validation-00000-of-00001.parquet b/gigaword_reverse_writing/validation-00000-of-00001.parquet
deleted file mode 100644
index ae59f58403f4b3f3627b514da67929b470cbd473..0000000000000000000000000000000000000000
--- a/gigaword_reverse_writing/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a4ad9fe94757afdaadf27056143aea0de2228fb5e3dc0b9b960ff1e20eed7cc2
-size 50179288
diff --git a/gigaword_write_a_title_for_this_sentence/test-00000-of-00001.parquet b/gigaword_write_a_title_for_this_sentence/test-00000-of-00001.parquet
deleted file mode 100644
index c82431919499fc1db7e62f50506c22efe67f9fc0..0000000000000000000000000000000000000000
--- a/gigaword_write_a_title_for_this_sentence/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6259ce46726b95782e48e439d864e9c4c78f21fb693b611522d2c150eda814b3
-size 575522
diff --git a/gigaword_write_a_title_for_this_sentence/train-00000-of-00005.parquet b/gigaword_write_a_title_for_this_sentence/train-00000-of-00005.parquet
deleted file mode 100644
index 5aaab954be67f5bfbe38110ce40e5fb8fb5a397f..0000000000000000000000000000000000000000
--- a/gigaword_write_a_title_for_this_sentence/train-00000-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:459a7ba3864a99150bba196b5a6c4f307d32eadd79d5a5717109f4d6f170c1d2
-size 199733673
diff --git a/gigaword_write_a_title_for_this_sentence/train-00001-of-00005.parquet b/gigaword_write_a_title_for_this_sentence/train-00001-of-00005.parquet
deleted file mode 100644
index da5c999724d6baa6635465cac087b13f7d74853c..0000000000000000000000000000000000000000
--- a/gigaword_write_a_title_for_this_sentence/train-00001-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a0f8f9eed401478be7a581fd18667e7fa1d98d2864da9254f032ba192fe67697
-size 187157372
diff --git a/gigaword_write_a_title_for_this_sentence/train-00002-of-00005.parquet b/gigaword_write_a_title_for_this_sentence/train-00002-of-00005.parquet
deleted file mode 100644
index c0a27819dd87f9d88c6d30a527294589a343711d..0000000000000000000000000000000000000000
--- a/gigaword_write_a_title_for_this_sentence/train-00002-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:26b7e57e1521793b3e08e06671073ca906b98a96303dc26e65d313691112c217
-size 188700826
diff --git a/gigaword_write_a_title_for_this_sentence/train-00003-of-00005.parquet b/gigaword_write_a_title_for_this_sentence/train-00003-of-00005.parquet
deleted file mode 100644
index 1a1de08eb094f30e43b5fa4b45ad591f181c2022..0000000000000000000000000000000000000000
--- a/gigaword_write_a_title_for_this_sentence/train-00003-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:78b37452f597c389192e489d6aaddaca286bd7f1599cc1f77993a18cb92f2c96
-size 215959959
diff --git a/gigaword_write_a_title_for_this_sentence/train-00004-of-00005.parquet b/gigaword_write_a_title_for_this_sentence/train-00004-of-00005.parquet
deleted file mode 100644
index d024b565effde3b37d7715defa603c6855258961..0000000000000000000000000000000000000000
--- a/gigaword_write_a_title_for_this_sentence/train-00004-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5254fd77ad4699a21cd3d65518148f6b451c7a500963db8921426baf1a8f7092
-size 204233912
diff --git a/gigaword_write_a_title_for_this_sentence/validation-00000-of-00001.parquet b/gigaword_write_a_title_for_this_sentence/validation-00000-of-00001.parquet
deleted file mode 100644
index e5e942e4ce789a54a3c8151467656c19035101bb..0000000000000000000000000000000000000000
--- a/gigaword_write_a_title_for_this_sentence/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5b476ac90fd41320b039779e7eb236c68fb7f3ded9413a49a8e2006d50966364
-size 50735429
diff --git a/gigaword_write_an_article/test-00000-of-00001.parquet b/gigaword_write_an_article/test-00000-of-00001.parquet
deleted file mode 100644
index 9efade1944adc4521b9d3b652fa8a750a4eb4a09..0000000000000000000000000000000000000000
--- a/gigaword_write_an_article/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3dcbd4fdde3aa6c48ed5ffa89256d713f719592aff6f768db79bc50c1735183c
-size 577083
diff --git a/gigaword_write_an_article/train-00000-of-00005.parquet b/gigaword_write_an_article/train-00000-of-00005.parquet
deleted file mode 100644
index 929e6b908d260bc60cc9bfeca37f0d4fd25d57b5..0000000000000000000000000000000000000000
--- a/gigaword_write_an_article/train-00000-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2c9fad23b75614ae671a90f5eccf877b8bbe3dd4c9829ddf9229e247696fe41c
-size 200976840
diff --git a/gigaword_write_an_article/train-00001-of-00005.parquet b/gigaword_write_an_article/train-00001-of-00005.parquet
deleted file mode 100644
index 1206cfe9f5f53ee0c8fdad473be39aa62ae6bbc1..0000000000000000000000000000000000000000
--- a/gigaword_write_an_article/train-00001-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4693e9517dab21b4e1e45e3fc03a0af0f1a658d77c48d5dad513af04f2a6cb6c
-size 188400280
diff --git a/gigaword_write_an_article/train-00002-of-00005.parquet b/gigaword_write_an_article/train-00002-of-00005.parquet
deleted file mode 100644
index becd0e6baa253e31ea9f03d0920fada47acc1549..0000000000000000000000000000000000000000
--- a/gigaword_write_an_article/train-00002-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0148ed879b80361a09eaae268b03d6e06905abcfc0c6dc8f1f85348417bf66e4
-size 190190885
diff --git a/gigaword_write_an_article/train-00003-of-00005.parquet b/gigaword_write_an_article/train-00003-of-00005.parquet
deleted file mode 100644
index 5180e9677e13f9268be99ed8c80daa4394743a8a..0000000000000000000000000000000000000000
--- a/gigaword_write_an_article/train-00003-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fa01818b78863a3ccdd5de0cd946138b59840ed212200a3e45feaf072181514a
-size 217649243
diff --git a/gigaword_write_an_article/train-00004-of-00005.parquet b/gigaword_write_an_article/train-00004-of-00005.parquet
deleted file mode 100644
index f6750e6f16beab23cb3f5daaf8a4eca592a69880..0000000000000000000000000000000000000000
--- a/gigaword_write_an_article/train-00004-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a9eb9d7c08f77b6c43dfe4970ec3f393af8d52b2f71989d1ea950b2bbb618adc
-size 205288483
diff --git a/gigaword_write_an_article/validation-00000-of-00001.parquet b/gigaword_write_an_article/validation-00000-of-00001.parquet
deleted file mode 100644
index 59babd7940cdb078b38f64c7070811d8025730f4..0000000000000000000000000000000000000000
--- a/gigaword_write_an_article/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ad7ec0991dce49857b99029690da3660610cce570d517f7843e0d6484e55057f
-size 51114891
diff --git a/gigaword_write_its_sentence/test-00000-of-00001.parquet b/gigaword_write_its_sentence/test-00000-of-00001.parquet
deleted file mode 100644
index ffe61ab98f238a6a995db89b9bf9d04024147501..0000000000000000000000000000000000000000
--- a/gigaword_write_its_sentence/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:71cfff6be509f40b1d7d259205481be6ae106cfe402621d81e99d087536863b8
-size 575735
diff --git a/gigaword_write_its_sentence/train-00000-of-00005.parquet b/gigaword_write_its_sentence/train-00000-of-00005.parquet
deleted file mode 100644
index 085c3f543d227d39e4d01c3b8024c48c2a2ad162..0000000000000000000000000000000000000000
--- a/gigaword_write_its_sentence/train-00000-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b974000fb3f846e3bb18b8603c384dd035bd43b60568d3ca5e831d0231a86ea2
-size 200559480
diff --git a/gigaword_write_its_sentence/train-00001-of-00005.parquet b/gigaword_write_its_sentence/train-00001-of-00005.parquet
deleted file mode 100644
index bfc872312e21586ea5626475c121cc0dcd5783db..0000000000000000000000000000000000000000
--- a/gigaword_write_its_sentence/train-00001-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:83a6cbc63535ad29c62cc18e4392fa1c1bdef9819e6bc80054651249203a5630
-size 187798360
diff --git a/gigaword_write_its_sentence/train-00002-of-00005.parquet b/gigaword_write_its_sentence/train-00002-of-00005.parquet
deleted file mode 100644
index 7ae6e34dd6865d283395b88d4a2a05c416d3666b..0000000000000000000000000000000000000000
--- a/gigaword_write_its_sentence/train-00002-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:967308fd1448a9b7f50007794380bf579811a023abf78bc59c1320d0c2b4f8f9
-size 189294492
diff --git a/gigaword_write_its_sentence/train-00003-of-00005.parquet b/gigaword_write_its_sentence/train-00003-of-00005.parquet
deleted file mode 100644
index 24e2fc74626877b96196ec393c1b3034fe1c2173..0000000000000000000000000000000000000000
--- a/gigaword_write_its_sentence/train-00003-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5306adce1366590bb0fc6294156bf0c7837f51f9041e9ece6d5ca3236c30c891
-size 216496158
diff --git a/gigaword_write_its_sentence/train-00004-of-00005.parquet b/gigaword_write_its_sentence/train-00004-of-00005.parquet
deleted file mode 100644
index 06924282a967a68cc6e5eabd73ed2bb53d7fb18f..0000000000000000000000000000000000000000
--- a/gigaword_write_its_sentence/train-00004-of-00005.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d2f93b81d6b04249e328f1b2811920687f9f9b140dae94c324576359e667dd47
-size 204703539
diff --git a/gigaword_write_its_sentence/validation-00000-of-00001.parquet b/gigaword_write_its_sentence/validation-00000-of-00001.parquet
deleted file mode 100644
index 1f48906390f3769a8b5f189f5c5aceb92dbfa474..0000000000000000000000000000000000000000
--- a/gigaword_write_its_sentence/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2cb100623be3489e5f95e7d62dd54889d5aa6b4a69920b3dd2b71910b829b013
-size 50825836
diff --git a/glue_mrpc_equivalent/test-00000-of-00001.parquet b/glue_mrpc_equivalent/test-00000-of-00001.parquet
deleted file mode 100644
index 6af86ac889bed18a41d4d5d2bb7f88e692c3b345..0000000000000000000000000000000000000000
--- a/glue_mrpc_equivalent/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:058a5d3aafbebce20e06c5cab7d72a232e3a779572a96ff6777ba893ede193ff
-size 464768
diff --git a/glue_mrpc_equivalent/train-00000-of-00001.parquet b/glue_mrpc_equivalent/train-00000-of-00001.parquet
deleted file mode 100644
index 4783c06c2ee9ee655b5fadb4131c70994ac2541f..0000000000000000000000000000000000000000
--- a/glue_mrpc_equivalent/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fb486dd4cc9a566f65acae61dc12031d573fc348b4a24d3b8d64dba8319e9295
-size 984283
diff --git a/glue_mrpc_equivalent/validation-00000-of-00001.parquet b/glue_mrpc_equivalent/validation-00000-of-00001.parquet
deleted file mode 100644
index 180282e2165129d20ef74e6627d36c7cf566a857..0000000000000000000000000000000000000000
--- a/glue_mrpc_equivalent/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b6d1191224ee85da7c377dea209461468968379bb886e53b20694d875258bef8
-size 110572
diff --git a/glue_mrpc_generate_paraphrase/test-00000-of-00001.parquet b/glue_mrpc_generate_paraphrase/test-00000-of-00001.parquet
deleted file mode 100644
index 9449f4f7f5a15a0a44e9496ea04d3d59a8d681c5..0000000000000000000000000000000000000000
--- a/glue_mrpc_generate_paraphrase/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ccf76f2aa7b20cbd0da7a7c7182a8d80cc295823bfdb55d45f6f58ae3d16100d
-size 394114
diff --git a/glue_mrpc_generate_paraphrase/train-00000-of-00001.parquet b/glue_mrpc_generate_paraphrase/train-00000-of-00001.parquet
deleted file mode 100644
index 0d4a1c35fc9a2f02e450448c9d6f53232e4eddc2..0000000000000000000000000000000000000000
--- a/glue_mrpc_generate_paraphrase/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d19436e127fc38b365379783a01a5401343ca18835a69d4456e586e928f80152
-size 822840
diff --git a/glue_mrpc_generate_paraphrase/validation-00000-of-00001.parquet b/glue_mrpc_generate_paraphrase/validation-00000-of-00001.parquet
deleted file mode 100644
index 3e0d4fea7bddb91f1464bc59928765bea92966ec..0000000000000000000000000000000000000000
--- a/glue_mrpc_generate_paraphrase/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:46fc3fd09bf96a7a360417ad91b9055788d86c46d9f86b0039c41806b0b7b2ec
-size 102969
diff --git a/glue_mrpc_generate_sentence/test-00000-of-00001.parquet b/glue_mrpc_generate_sentence/test-00000-of-00001.parquet
deleted file mode 100644
index d3789b8fb388c07996a3239af8800592eeb0657c..0000000000000000000000000000000000000000
--- a/glue_mrpc_generate_sentence/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c01d90dfb4bba5502b84a4ac4348cb3acf08233ee437d6db4f7d249a4af054b2
-size 397525
diff --git a/glue_mrpc_generate_sentence/train-00000-of-00001.parquet b/glue_mrpc_generate_sentence/train-00000-of-00001.parquet
deleted file mode 100644
index f813d30ccb00718fb2a0307d9ab6fdec6c696c47..0000000000000000000000000000000000000000
--- a/glue_mrpc_generate_sentence/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:637b3da518306d3e0b7f7cf1bbbd4b99dbe29ee688294b01d52cdecd6857a960
-size 829777
diff --git a/glue_mrpc_generate_sentence/validation-00000-of-00001.parquet b/glue_mrpc_generate_sentence/validation-00000-of-00001.parquet
deleted file mode 100644
index 91e1b37a652e1f9b81c7771b6efdc85618e9c7d8..0000000000000000000000000000000000000000
--- a/glue_mrpc_generate_sentence/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6eca897faa2cc9af84112a8ac69da867ece8955d97500ceb092e6c3ab9a62198
-size 103715
diff --git a/glue_mrpc_paraphrase/test-00000-of-00001.parquet b/glue_mrpc_paraphrase/test-00000-of-00001.parquet
deleted file mode 100644
index b85e9840d29d693d170a6d7b37786c4696cc63c5..0000000000000000000000000000000000000000
--- a/glue_mrpc_paraphrase/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9d513d699012e47c4c82ac13fb567bc22fbd65674d02a95e4c081a4195929e2e
-size 464378
diff --git a/glue_mrpc_paraphrase/train-00000-of-00001.parquet b/glue_mrpc_paraphrase/train-00000-of-00001.parquet
deleted file mode 100644
index 635b0ff57ef0e1c6f59aa100ba266de93719f073..0000000000000000000000000000000000000000
--- a/glue_mrpc_paraphrase/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d5ccdf56725cb2f821646eddcb61de293ac8a7b8c8bd9c4e6255837f41f61383
-size 981535
diff --git a/glue_mrpc_paraphrase/validation-00000-of-00001.parquet b/glue_mrpc_paraphrase/validation-00000-of-00001.parquet
deleted file mode 100644
index d21f5e351c5c8b806367d548eed572156c802fa5..0000000000000000000000000000000000000000
--- a/glue_mrpc_paraphrase/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9ae49965551332d6d92f5ca21f613723aa6d1b8d2613adcb315ba5e2b3204cc2
-size 110657
diff --git a/glue_mrpc_replace/test-00000-of-00001.parquet b/glue_mrpc_replace/test-00000-of-00001.parquet
deleted file mode 100644
index 87cf111a6caf97e1beac904a235f8e2062e508e0..0000000000000000000000000000000000000000
--- a/glue_mrpc_replace/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6734bc35f30080c229e483f94ded7d554110958ee515a28ae54e17cee2ff6cfb
-size 468774
diff --git a/glue_mrpc_replace/train-00000-of-00001.parquet b/glue_mrpc_replace/train-00000-of-00001.parquet
deleted file mode 100644
index 0e36ee4350f963938308d1d1c208705100446f81..0000000000000000000000000000000000000000
--- a/glue_mrpc_replace/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e31c9b98d0f57c80d3c4a71e82bf5140d5a20be0860e2a48ed352a226e0e108b
-size 987829
diff --git a/glue_mrpc_replace/validation-00000-of-00001.parquet b/glue_mrpc_replace/validation-00000-of-00001.parquet
deleted file mode 100644
index 379d39345ff510fecaa9bc40e0958f454f3f2271..0000000000000000000000000000000000000000
--- a/glue_mrpc_replace/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aa730a2609882cd3d94ae38e89dc6793b5c8b0e08b935135f3e0833b80b6bc88
-size 111578
diff --git a/glue_mrpc_same_thing/test-00000-of-00001.parquet b/glue_mrpc_same_thing/test-00000-of-00001.parquet
deleted file mode 100644
index 3b086e2926b38db1815f6809a5531aad8f696dc8..0000000000000000000000000000000000000000
--- a/glue_mrpc_same_thing/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f939d0ef9d651800ab4b304a9425b8ef0fdc5e0699c9e7feaea164fa303cc50e
-size 457841
diff --git a/glue_mrpc_same_thing/train-00000-of-00001.parquet b/glue_mrpc_same_thing/train-00000-of-00001.parquet
deleted file mode 100644
index e90724630fbe7040f801a596fb73da157533a1a4..0000000000000000000000000000000000000000
--- a/glue_mrpc_same_thing/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9dd64357b0e1d2a79295beb829c0688af6945d4e1624f27a96461461ce433535
-size 966189
diff --git a/glue_mrpc_same_thing/validation-00000-of-00001.parquet b/glue_mrpc_same_thing/validation-00000-of-00001.parquet
deleted file mode 100644
index 7ed652deb45c5fc2782a8899850038a539e0f3b8..0000000000000000000000000000000000000000
--- a/glue_mrpc_same_thing/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dbe03ef0384e85a31a253fba732d931a37630665402bc3403b0d2eabb788dc69
-size 109322
diff --git a/glue_mrpc_want_to_know/test-00000-of-00001.parquet b/glue_mrpc_want_to_know/test-00000-of-00001.parquet
deleted file mode 100644
index 4b6984f8536b0b26b237cd5ca6437a9d44abbad6..0000000000000000000000000000000000000000
--- a/glue_mrpc_want_to_know/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0228090981c62f13ab24560c6bc17cfa3fb78c2cc22f006e6a7284006c92a5ce
-size 467767
diff --git a/glue_mrpc_want_to_know/train-00000-of-00001.parquet b/glue_mrpc_want_to_know/train-00000-of-00001.parquet
deleted file mode 100644
index 87254f4f0f7b670e7b319b49adee7a1736db062f..0000000000000000000000000000000000000000
--- a/glue_mrpc_want_to_know/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3e131ccea9841e6d7f1d9ae9237cc86746206ae39597c52759863c3d493b5efd
-size 985373
diff --git a/glue_mrpc_want_to_know/validation-00000-of-00001.parquet b/glue_mrpc_want_to_know/validation-00000-of-00001.parquet
deleted file mode 100644
index 970f94e7ee2e70792520213a3d64284e3cf8a5fb..0000000000000000000000000000000000000000
--- a/glue_mrpc_want_to_know/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8a4a8c38267e6d03b9cd900cc21f2d53d55242d7cceca9b92ee6972e2b3343dc
-size 111553
diff --git a/glue_qqp_answer/test-00000-of-00001.parquet b/glue_qqp_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 71c2bb8661c039c6732815bba15910d015d1f0a9..0000000000000000000000000000000000000000
--- a/glue_qqp_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8a74dbad7f2ef0f2032f7cfdc0c9b61d5dcb94db153e6b30c9e708e78874140e
-size 61854277
diff --git a/glue_qqp_answer/train-00000-of-00001.parquet b/glue_qqp_answer/train-00000-of-00001.parquet
deleted file mode 100644
index e21521d55106e23468fb7ab8d0eedb81b419aa05..0000000000000000000000000000000000000000
--- a/glue_qqp_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:753fd7828cbe1e2948fd0806246ab6a12f5b15e01ca9e8270f1705177d1a6b84
-size 55883993
diff --git a/glue_qqp_answer/validation-00000-of-00001.parquet b/glue_qqp_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index dfc590f9e03433ffad04b67f2dde01a6b5947063..0000000000000000000000000000000000000000
--- a/glue_qqp_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2f8b2f920eb0db3576f75b7b7e9ba26f0baf226f345d914fd592ae1e5ff0ddee
-size 6213260
diff --git a/glue_qqp_duplicate/test-00000-of-00001.parquet b/glue_qqp_duplicate/test-00000-of-00001.parquet
deleted file mode 100644
index 38029e80347cbb0ad80c4f1a49af4ad257bdefa1..0000000000000000000000000000000000000000
--- a/glue_qqp_duplicate/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ea477805674896b0185751d1262a1190940e79aa16c8c3811c305ca13a2d9e54
-size 62275830
diff --git a/glue_qqp_duplicate/train-00000-of-00001.parquet b/glue_qqp_duplicate/train-00000-of-00001.parquet
deleted file mode 100644
index 85465e665485702eecf74f7b0ac3a8c67afae86f..0000000000000000000000000000000000000000
--- a/glue_qqp_duplicate/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:59629750531d29cab3b4a8b2a082e82cff3fe0bf41e160d0a5b37544ae681f03
-size 56294958
diff --git a/glue_qqp_duplicate/validation-00000-of-00001.parquet b/glue_qqp_duplicate/validation-00000-of-00001.parquet
deleted file mode 100644
index 03a55562362e602064d24d904edda0efd258fdce..0000000000000000000000000000000000000000
--- a/glue_qqp_duplicate/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:48ed71f68aac8b0bd33cfd7e663126b28121ecf5fdb2ec4e667959ba884a042f
-size 6258364
diff --git a/glue_qqp_duplicate_or_not/test-00000-of-00001.parquet b/glue_qqp_duplicate_or_not/test-00000-of-00001.parquet
deleted file mode 100644
index df04ea934aacf59d39b7a1c9a2f98a56fbf9abdf..0000000000000000000000000000000000000000
--- a/glue_qqp_duplicate_or_not/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b4529cc1a11e8cfb3cc9259e0b1ff13dcbb0079e72367e39a57dbcd167acf0b7
-size 61948241
diff --git a/glue_qqp_duplicate_or_not/train-00000-of-00001.parquet b/glue_qqp_duplicate_or_not/train-00000-of-00001.parquet
deleted file mode 100644
index 1ebd9acb974b53967e8a2b53dd989405b5661631..0000000000000000000000000000000000000000
--- a/glue_qqp_duplicate_or_not/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1c0a920e22d0d6939c7e2abe26bc02079938a839d5d5fcb25fd1f97feff39a00
-size 56120932
diff --git a/glue_qqp_duplicate_or_not/validation-00000-of-00001.parquet b/glue_qqp_duplicate_or_not/validation-00000-of-00001.parquet
deleted file mode 100644
index 46ffa29ac39b3a71e857e69450e311ad7d85994a..0000000000000000000000000000000000000000
--- a/glue_qqp_duplicate_or_not/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:64d33d3b0e6dfed6016c634c7aaa669c8596cf8cf47971370721f3b5a34f888b
-size 6241426
diff --git a/glue_qqp_meaning/test-00000-of-00001.parquet b/glue_qqp_meaning/test-00000-of-00001.parquet
deleted file mode 100644
index 0d5e739e71d3c3a454f1026d79d35bb525fa50a7..0000000000000000000000000000000000000000
--- a/glue_qqp_meaning/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3c5ca935268368e39d4233188bb5a6a527ae3b7bde120b49e5c35a0f008481b5
-size 62896871
diff --git a/glue_qqp_meaning/train-00000-of-00001.parquet b/glue_qqp_meaning/train-00000-of-00001.parquet
deleted file mode 100644
index a326753f926b1b20282637f620bc6ad38fad7a4e..0000000000000000000000000000000000000000
--- a/glue_qqp_meaning/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a333f3f34fcae50a69b02d027bdc28c31b1be7afd1cd3a584f3f99ad713f264c
-size 56684752
diff --git a/glue_qqp_meaning/validation-00000-of-00001.parquet b/glue_qqp_meaning/validation-00000-of-00001.parquet
deleted file mode 100644
index 7cbbcbcc27fe43669ee9ff7d58628b9166b5b60c..0000000000000000000000000000000000000000
--- a/glue_qqp_meaning/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fe01126ebd12612e23319a3a5d19ce477ce215328d194f614d773364dffcb563
-size 6299571
diff --git a/glue_qqp_quora/test-00000-of-00001.parquet b/glue_qqp_quora/test-00000-of-00001.parquet
deleted file mode 100644
index 303e4c7a5b34caeac890c5021429b04b7e225656..0000000000000000000000000000000000000000
--- a/glue_qqp_quora/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:816fe281e6e6194e8c3bd35723b55867974d5d01fdd04a03dbc8e97fb15c1ba1
-size 68959704
diff --git a/glue_qqp_quora/train-00000-of-00001.parquet b/glue_qqp_quora/train-00000-of-00001.parquet
deleted file mode 100644
index 493f6bb2b4de8d2a36fe88fdeeaacf3f29ce1a4a..0000000000000000000000000000000000000000
--- a/glue_qqp_quora/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:038ad0155c9c40e6c12e7b8f4bbebddc2c1ee8b955ea90c5fdfd37520ab5b5ee
-size 62436753
diff --git a/glue_qqp_quora/validation-00000-of-00001.parquet b/glue_qqp_quora/validation-00000-of-00001.parquet
deleted file mode 100644
index 6d3012b6545d1bf4d3920beaecd5a590e4d76a97..0000000000000000000000000000000000000000
--- a/glue_qqp_quora/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a31fd73871f6e830d4798fc81c18425bd32771ff1ddb1f73191c4e77f55a04d8
-size 6941733
diff --git a/glue_qqp_same_thing/test-00000-of-00001.parquet b/glue_qqp_same_thing/test-00000-of-00001.parquet
deleted file mode 100644
index 52f0499df1c4f0a1b23fe7241b8fc172087e1954..0000000000000000000000000000000000000000
--- a/glue_qqp_same_thing/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:438b6ea4050f83746862165cfb0e4690a9d2405f3b4aa73c856be7cf8ea487ec
-size 62658488
diff --git a/glue_qqp_same_thing/train-00000-of-00001.parquet b/glue_qqp_same_thing/train-00000-of-00001.parquet
deleted file mode 100644
index 81292ed052f001f9ec7dbd64e7a0f4c74db2823a..0000000000000000000000000000000000000000
--- a/glue_qqp_same_thing/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8c58915fee36bca579263b823bddb4be0846c55c62b157d6458182797f4eaffd
-size 56629953
diff --git a/glue_qqp_same_thing/validation-00000-of-00001.parquet b/glue_qqp_same_thing/validation-00000-of-00001.parquet
deleted file mode 100644
index 98afd368148ec41e850a136991678f25bb12909d..0000000000000000000000000000000000000000
--- a/glue_qqp_same_thing/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e7c170d9ba57db7bedd79fb6044a0d37c79b3f81cb19c297e3dffa6c4567716f
-size 6298394
diff --git a/hellaswag_Appropriate_continuation_Yes_or_No/test-00000-of-00001.parquet b/hellaswag_Appropriate_continuation_Yes_or_No/test-00000-of-00001.parquet
deleted file mode 100644
index 6a5308be09a53d9d3413d69e08f7835162f56385..0000000000000000000000000000000000000000
--- a/hellaswag_Appropriate_continuation_Yes_or_No/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a137900a4d8dbb17259f51f9330894d2f41f1178d17f14684c7b8fc8817de997
-size 3835487
diff --git a/hellaswag_Appropriate_continuation_Yes_or_No/train-00000-of-00001.parquet b/hellaswag_Appropriate_continuation_Yes_or_No/train-00000-of-00001.parquet
deleted file mode 100644
index ae85bf537eb16dd197623a1ce877f9afe8e251d6..0000000000000000000000000000000000000000
--- a/hellaswag_Appropriate_continuation_Yes_or_No/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e98d7d0ee34d3fd1a46894f21c823354678bed1042c8f541dd1a1c1a73f2177d
-size 15132740
diff --git a/hellaswag_Appropriate_continuation_Yes_or_No/validation-00000-of-00001.parquet b/hellaswag_Appropriate_continuation_Yes_or_No/validation-00000-of-00001.parquet
deleted file mode 100644
index ab2965d96df5125a10bc1255f136ffe87f86c559..0000000000000000000000000000000000000000
--- a/hellaswag_Appropriate_continuation_Yes_or_No/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:33e2fab6192dab17d575592ed94e30b2cfd82c37efe3b51025ca5725b5ad569f
-size 3961473
diff --git a/hellaswag_Open_ended_completion/test-00000-of-00001.parquet b/hellaswag_Open_ended_completion/test-00000-of-00001.parquet
deleted file mode 100644
index dbe27c1af2b2bcc3b5c142cf56c09b1b8d4aabab..0000000000000000000000000000000000000000
--- a/hellaswag_Open_ended_completion/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e03e26159718cd8e66f6cab01948bf6599d869de75ea135bf39b0fdcb61392ba
-size 7356139
diff --git a/hellaswag_Open_ended_completion/train-00000-of-00001.parquet b/hellaswag_Open_ended_completion/train-00000-of-00001.parquet
deleted file mode 100644
index 308bec6fa0b80ef3d893b88bffc15bc133755ac4..0000000000000000000000000000000000000000
--- a/hellaswag_Open_ended_completion/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:58100101514610493e22ef8f7d6311e4b104b846609c325d338c810897a0a2bd
-size 29282410
diff --git a/hellaswag_Open_ended_completion/validation-00000-of-00001.parquet b/hellaswag_Open_ended_completion/validation-00000-of-00001.parquet
deleted file mode 100644
index 35d1e8669243aa79fc7b62e5c585945449293dbc..0000000000000000000000000000000000000000
--- a/hellaswag_Open_ended_completion/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8f0c2ec6f59080db29da367b3564eb212f389b396bfc782a367516e5008b49c5
-size 7590199
diff --git a/hellaswag_Open_ended_start/test-00000-of-00001.parquet b/hellaswag_Open_ended_start/test-00000-of-00001.parquet
deleted file mode 100644
index a33fd4e8bca6b16a3be096df15242fa117728d8b..0000000000000000000000000000000000000000
--- a/hellaswag_Open_ended_start/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:338331e0c90c84e47619582dbb60f0314d3a2f266bdd3e160088c2528831d802
-size 3957517
diff --git a/hellaswag_Open_ended_start/train-00000-of-00001.parquet b/hellaswag_Open_ended_start/train-00000-of-00001.parquet
deleted file mode 100644
index 7a4380216b0ac001dd243c08eb3e36c9879bb256..0000000000000000000000000000000000000000
--- a/hellaswag_Open_ended_start/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:987a984fd840eaa4612a72553a5649533636587f9fbadfc50d7228cf870c837d
-size 15715158
diff --git a/hellaswag_Open_ended_start/validation-00000-of-00001.parquet b/hellaswag_Open_ended_start/validation-00000-of-00001.parquet
deleted file mode 100644
index a5658890e527e634560e696d6b9efd6929b2fadb..0000000000000000000000000000000000000000
--- a/hellaswag_Open_ended_start/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2f0e1755f32afbc573ef3bdbf367d5adfa552525efe751a92812e14b794afc0d
-size 4077467
diff --git a/hellaswag_Predict_ending_with_hint/test-00000-of-00001.parquet b/hellaswag_Predict_ending_with_hint/test-00000-of-00001.parquet
deleted file mode 100644
index 7e169a20681fcf82a48a73d53c2a86a92f3305e5..0000000000000000000000000000000000000000
--- a/hellaswag_Predict_ending_with_hint/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2648812c720723790574bad8cd0aa9583e036c506a4ed4d0e7fc7495253bc9f6
-size 13167875
diff --git a/hellaswag_Predict_ending_with_hint/train-00000-of-00001.parquet b/hellaswag_Predict_ending_with_hint/train-00000-of-00001.parquet
deleted file mode 100644
index f9eb7362d58d6d24153a080a55c938b153f35894..0000000000000000000000000000000000000000
--- a/hellaswag_Predict_ending_with_hint/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0b9ac235207a522e44ccee320a9829ec311b6d2d0bce85968faf2c5b24841f01
-size 52284054
diff --git a/hellaswag_Predict_ending_with_hint/validation-00000-of-00001.parquet b/hellaswag_Predict_ending_with_hint/validation-00000-of-00001.parquet
deleted file mode 100644
index b521f8650d0cee44afeba3937b881eb873643d46..0000000000000000000000000000000000000000
--- a/hellaswag_Predict_ending_with_hint/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d0da7284396b35b881da0cded737194ece91ca818d98eb168fe0196d46f0f789
-size 13597550
diff --git a/hellaswag_Predict_ending_with_hint_score_eval/test-00000-of-00001.parquet b/hellaswag_Predict_ending_with_hint_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 492cde7be6e30005660ce34952d84c4c0cf05bb2..0000000000000000000000000000000000000000
--- a/hellaswag_Predict_ending_with_hint_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8e2af7ebb8284c85c1534289f37523622105980b516d7c9bdd71043042a1808a
-size 22184433
diff --git a/hellaswag_Predict_ending_with_hint_score_eval/train-00000-of-00001.parquet b/hellaswag_Predict_ending_with_hint_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 40b3f5ffd4cbc0800ea87e87a328f5197ee1cae4..0000000000000000000000000000000000000000
--- a/hellaswag_Predict_ending_with_hint_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:25e67ada1d5e0376b7817dd19e4e1183c9aa9a399f328dd8f361c86eb68085e4
-size 87543063
diff --git a/hellaswag_Predict_ending_with_hint_score_eval/validation-00000-of-00001.parquet b/hellaswag_Predict_ending_with_hint_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index c2baa056dbb043885447326cbc989d8c87f6a5a6..0000000000000000000000000000000000000000
--- a/hellaswag_Predict_ending_with_hint_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:be24caba1569cf0a0272f7d39fa949c04f1c474a8a3bb3287da0e402b1605f29
-size 23019587
diff --git a/hellaswag_Randomized_prompts_template/test-00000-of-00001.parquet b/hellaswag_Randomized_prompts_template/test-00000-of-00001.parquet
deleted file mode 100644
index 8f3aea157fcdd4ef0153165519593dfb562f17eb..0000000000000000000000000000000000000000
--- a/hellaswag_Randomized_prompts_template/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a919b67911b352534de1ad9aca78030134f636788c7b654fe816a10f1a73ab42
-size 13079428
diff --git a/hellaswag_Randomized_prompts_template/train-00000-of-00001.parquet b/hellaswag_Randomized_prompts_template/train-00000-of-00001.parquet
deleted file mode 100644
index d6b98345d901297aefe3e929705c20a3d716b909..0000000000000000000000000000000000000000
--- a/hellaswag_Randomized_prompts_template/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:744e88ee910eb4e0be48585bcc7923c39630d2b5f00c93ff23f714141830c11d
-size 52016955
diff --git a/hellaswag_Randomized_prompts_template/validation-00000-of-00001.parquet b/hellaswag_Randomized_prompts_template/validation-00000-of-00001.parquet
deleted file mode 100644
index 0d39c00c70547e69ecce9d70ef7819f07d113d1c..0000000000000000000000000000000000000000
--- a/hellaswag_Randomized_prompts_template/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d5d9a38316debd92994f16170c3594626763c47ac9a56b464b03f3312bc87f78
-size 13519001
diff --git a/hellaswag_Randomized_prompts_template_score_eval/test-00000-of-00001.parquet b/hellaswag_Randomized_prompts_template_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index ff82067582565ec66322aeb9f9a8b55357dea152..0000000000000000000000000000000000000000
--- a/hellaswag_Randomized_prompts_template_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:810bdc9a0431c05d97e2ab5c4fbc45b843d636937ee8669a9dc2609647bbf4b8
-size 22174359
diff --git a/hellaswag_Randomized_prompts_template_score_eval/train-00000-of-00001.parquet b/hellaswag_Randomized_prompts_template_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 42c515356fd93d6157baeb78c55ac371b27a24a9..0000000000000000000000000000000000000000
--- a/hellaswag_Randomized_prompts_template_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f790f670565d7bd273a8f42ccc353d1b216575df38b4a5c5dbef74f2f97b284a
-size 87651190
diff --git a/hellaswag_Randomized_prompts_template_score_eval/validation-00000-of-00001.parquet b/hellaswag_Randomized_prompts_template_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 7c28150cc175750c6907c5156d83cd187a67158a..0000000000000000000000000000000000000000
--- a/hellaswag_Randomized_prompts_template_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f0da7992016616bf04efdc7699f7b8cc4ea46ff4efcef0ae77799496a40e384d
-size 23323016
diff --git a/hellaswag_Reversed_appropriate_continuation_Yes_or_No/test-00000-of-00001.parquet b/hellaswag_Reversed_appropriate_continuation_Yes_or_No/test-00000-of-00001.parquet
deleted file mode 100644
index c59090e3712078d2e16c2d011f34f12d5530f686..0000000000000000000000000000000000000000
--- a/hellaswag_Reversed_appropriate_continuation_Yes_or_No/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:00df17da576f3a6a3fa1108f889f81cc47d04f81754722853005abb69d9d4cc5
-size 3858275
diff --git a/hellaswag_Reversed_appropriate_continuation_Yes_or_No/train-00000-of-00001.parquet b/hellaswag_Reversed_appropriate_continuation_Yes_or_No/train-00000-of-00001.parquet
deleted file mode 100644
index 10893a05367d71648fa557c1a4e2da24df46e0ce..0000000000000000000000000000000000000000
--- a/hellaswag_Reversed_appropriate_continuation_Yes_or_No/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6f0ba8ed7fd8c19ad56c9563562e9c158b290b4c783180d74574e3a4744bf0f1
-size 15191214
diff --git a/hellaswag_Reversed_appropriate_continuation_Yes_or_No/validation-00000-of-00001.parquet b/hellaswag_Reversed_appropriate_continuation_Yes_or_No/validation-00000-of-00001.parquet
deleted file mode 100644
index 827644563930cde91d115c6b2de5d2fc6a97c998..0000000000000000000000000000000000000000
--- a/hellaswag_Reversed_appropriate_continuation_Yes_or_No/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5274994c5304c3aa8c73b2bcb540ed94449c9cb5c75c7628cdd163923ca1d362
-size 3964449
diff --git a/hellaswag_Topic_of_the_context/test-00000-of-00001.parquet b/hellaswag_Topic_of_the_context/test-00000-of-00001.parquet
deleted file mode 100644
index 9d332539ac54b4ffb5ab1b5676cbdc4fdf80ccb4..0000000000000000000000000000000000000000
--- a/hellaswag_Topic_of_the_context/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9b857db1d7238baad4c485c037a33ab5e6c9b9388f1448333236e99fa67aafac
-size 3806482
diff --git a/hellaswag_Topic_of_the_context/train-00000-of-00001.parquet b/hellaswag_Topic_of_the_context/train-00000-of-00001.parquet
deleted file mode 100644
index 6d7b89e27c6d907c3c1f56e881054e04e698d215..0000000000000000000000000000000000000000
--- a/hellaswag_Topic_of_the_context/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b6a046fed310053727c73453b7c65a363c5ed4a11ade35b3be150a19789ec6c5
-size 14899175
diff --git a/hellaswag_Topic_of_the_context/validation-00000-of-00001.parquet b/hellaswag_Topic_of_the_context/validation-00000-of-00001.parquet
deleted file mode 100644
index 0a6131ea3f691c5aec2d126be4f668839a176c2d..0000000000000000000000000000000000000000
--- a/hellaswag_Topic_of_the_context/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d9dfc454f71895f7ef52b1020d7851c0dbf14c49de76aec7521cbbcc906c1399
-size 3850344
diff --git a/hellaswag_Topic_without_the_ending_answer/test-00000-of-00001.parquet b/hellaswag_Topic_without_the_ending_answer/test-00000-of-00001.parquet
deleted file mode 100644
index a3c2c3a86f1e0f1771bb0164f8212f3580824556..0000000000000000000000000000000000000000
--- a/hellaswag_Topic_without_the_ending_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:96fa92bb742006fd916781140cb8935790aee7675ecdc8131b6c3ec631405a0d
-size 2410263
diff --git a/hellaswag_Topic_without_the_ending_answer/train-00000-of-00001.parquet b/hellaswag_Topic_without_the_ending_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 53161d587c36d24040354a2fbbdc4d942f3c6a32..0000000000000000000000000000000000000000
--- a/hellaswag_Topic_without_the_ending_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c5b0f9da3fb027769e25a1ee3eff838b12c159d46ae41290528e4c98c62a0eaa
-size 9502615
diff --git a/hellaswag_Topic_without_the_ending_answer/validation-00000-of-00001.parquet b/hellaswag_Topic_without_the_ending_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 6b00b69659b37d651303c4ff865f1cba2fc8c246..0000000000000000000000000000000000000000
--- a/hellaswag_Topic_without_the_ending_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:549ccbb3094766eb9a1ab3699a7ae3312fbbb96421ee7cfc473f8e1ba3ccfa34
-size 2446281
diff --git a/hellaswag_complete_first_then/test-00000-of-00001.parquet b/hellaswag_complete_first_then/test-00000-of-00001.parquet
deleted file mode 100644
index 39e6d40b8bae5e6c7a70aa10d55a01b131529174..0000000000000000000000000000000000000000
--- a/hellaswag_complete_first_then/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1693159b9b4ab6809f2dfb4b5563af159adbb7d34fa4d8728ababb4109ab3623
-size 13025637
diff --git a/hellaswag_complete_first_then/train-00000-of-00001.parquet b/hellaswag_complete_first_then/train-00000-of-00001.parquet
deleted file mode 100644
index 864e956f17eed0ae9a029445ca97166a674242ac..0000000000000000000000000000000000000000
--- a/hellaswag_complete_first_then/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6b185e6bd5c25357cab11a2e86fbf2649d99961e514c90c9c14a0237735a3419
-size 51748658
diff --git a/hellaswag_complete_first_then/validation-00000-of-00001.parquet b/hellaswag_complete_first_then/validation-00000-of-00001.parquet
deleted file mode 100644
index a5e8c4aa8add0c58218a232930245c1235f730d3..0000000000000000000000000000000000000000
--- a/hellaswag_complete_first_then/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2707f3ce089fe1bd480083a4422eab3aa027a3aa5693441ade613ca5707a2d71
-size 13453987
diff --git a/hellaswag_complete_first_then_score_eval/test-00000-of-00001.parquet b/hellaswag_complete_first_then_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 2073a84adf148424d36952106260e22caebd6771..0000000000000000000000000000000000000000
--- a/hellaswag_complete_first_then_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6da5175c1e0fc853eb882c4665414d4d5bb79373546d39c26278681fbf6847ce
-size 21985322
diff --git a/hellaswag_complete_first_then_score_eval/train-00000-of-00001.parquet b/hellaswag_complete_first_then_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index d565a78e013f8f272b3d2c60837bac2ce2093dc6..0000000000000000000000000000000000000000
--- a/hellaswag_complete_first_then_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ba7374a8c24f7735e9c4f9a344fbd0d873f5b92436dda1942b595e1485984832
-size 87308586
diff --git a/hellaswag_complete_first_then_score_eval/validation-00000-of-00001.parquet b/hellaswag_complete_first_then_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 3e6181ad0aa39e6770dae95e44c37d6013df698e..0000000000000000000000000000000000000000
--- a/hellaswag_complete_first_then_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:67adc3b0bb5696be4709943c3a159db8f1247494e05ef8432d5d98ce6f03b176
-size 23044761
diff --git a/hellaswag_how_ends/test-00000-of-00001.parquet b/hellaswag_how_ends/test-00000-of-00001.parquet
deleted file mode 100644
index dc9466ce41d771eb8fefbbabc123524e1c6d5385..0000000000000000000000000000000000000000
--- a/hellaswag_how_ends/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8d2437f4123196488ae9b1bf666fe0e7b754a9b1b0ed839c2f309089f324d47e
-size 8006420
diff --git a/hellaswag_how_ends/train-00000-of-00001.parquet b/hellaswag_how_ends/train-00000-of-00001.parquet
deleted file mode 100644
index cd3afc73d948686f7f598f286761312f9f75ac79..0000000000000000000000000000000000000000
--- a/hellaswag_how_ends/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:786fe8d1df881eadb2e5fc62954903a5d39f0da45039a9dae7ea41bffbc135d2
-size 31679588
diff --git a/hellaswag_how_ends/validation-00000-of-00001.parquet b/hellaswag_how_ends/validation-00000-of-00001.parquet
deleted file mode 100644
index 718eb4a5bbb539ddb203a49d36e827dd0d60f3f2..0000000000000000000000000000000000000000
--- a/hellaswag_how_ends/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c8c31fbffe3ceab9151ed347c260376f260539bb01b7bc8e96656083a03d662d
-size 8280575
diff --git a/hellaswag_if_begins_how_continues/test-00000-of-00001.parquet b/hellaswag_if_begins_how_continues/test-00000-of-00001.parquet
deleted file mode 100644
index 7ffe8c58ea27a4227a25fcee75cd16a0b739c42d..0000000000000000000000000000000000000000
--- a/hellaswag_if_begins_how_continues/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a3c625de741c6b970eb67381607084b16490aa93a2d6d6b63ba446feb7fc3fc4
-size 8051388
diff --git a/hellaswag_if_begins_how_continues/train-00000-of-00001.parquet b/hellaswag_if_begins_how_continues/train-00000-of-00001.parquet
deleted file mode 100644
index cebaf38b9a2536e81a7c9c04ce402bb91911c144..0000000000000000000000000000000000000000
--- a/hellaswag_if_begins_how_continues/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:21833756d55b15140ddc7189805686d0384cf486d80277d7375a33a0fa83bb17
-size 31911589
diff --git a/hellaswag_if_begins_how_continues/validation-00000-of-00001.parquet b/hellaswag_if_begins_how_continues/validation-00000-of-00001.parquet
deleted file mode 100644
index 87aad9aac080b2b66a519dc8dee40c9861ecec12..0000000000000000000000000000000000000000
--- a/hellaswag_if_begins_how_continues/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:42efdb2c80bb60f4c2e55be9e35298f42e745f899eafdc9102eca95e90797187
-size 8343396
diff --git a/hellaswag_if_begins_how_continues_score_eval/test-00000-of-00001.parquet b/hellaswag_if_begins_how_continues_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 98bf45394870833cf8e1c62afcb7619017ad17e8..0000000000000000000000000000000000000000
--- a/hellaswag_if_begins_how_continues_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2db864f3b07d1c149d209c7b48474d0ed1430b68a03bdb505579fb92dc203283
-size 15663196
diff --git a/hellaswag_if_begins_how_continues_score_eval/train-00000-of-00001.parquet b/hellaswag_if_begins_how_continues_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index e140c2e1a9fcdd8e422bba79c3ea263b4b344ae6..0000000000000000000000000000000000000000
--- a/hellaswag_if_begins_how_continues_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7e5b7bc3854f7cdfeb36808a83d33af39a2c7c4af1be4fe5df616e831832c348
-size 61980284
diff --git a/hellaswag_if_begins_how_continues_score_eval/validation-00000-of-00001.parquet b/hellaswag_if_begins_how_continues_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index a177fb82bf626fc5a1c2359ee48dee11d51265ba..0000000000000000000000000000000000000000
--- a/hellaswag_if_begins_how_continues_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7f93f4c8c8ed699e19b9fc55f58a395de04134fc12731f2cf29e5a443966af99
-size 16358198
diff --git a/imdb_Movie_Expressed_Sentiment/test-00000-of-00001.parquet b/imdb_Movie_Expressed_Sentiment/test-00000-of-00001.parquet
deleted file mode 100644
index 993d4239d036ee6d73e0e9b7df96d0c0c470f35f..0000000000000000000000000000000000000000
--- a/imdb_Movie_Expressed_Sentiment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cdf116c3848e821a9700f997c8a8bae65b8d3fa38a74df53d643bd4cc16a7821
-size 31763888
diff --git a/imdb_Movie_Expressed_Sentiment/train-00000-of-00001.parquet b/imdb_Movie_Expressed_Sentiment/train-00000-of-00001.parquet
deleted file mode 100644
index 09aa30ea7ac08ff092d5cb71a2a74dbd9240677e..0000000000000000000000000000000000000000
--- a/imdb_Movie_Expressed_Sentiment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1a27b31082bb1d3a088ed509c51f9e39d86ea0559961c420a0e3c5896f71503c
-size 32232383
diff --git a/imdb_Movie_Expressed_Sentiment/unsupervised-00000-of-00001.parquet b/imdb_Movie_Expressed_Sentiment/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index c52ca6045deb304bea0557c046bba165ade64d1d..0000000000000000000000000000000000000000
--- a/imdb_Movie_Expressed_Sentiment/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:15ce0f5e7057901fe269e6c852d5b4dedd4ac63cf3eb0a1913d0c40116e23fbc
-size 64581708
diff --git a/imdb_Movie_Expressed_Sentiment_2/test-00000-of-00001.parquet b/imdb_Movie_Expressed_Sentiment_2/test-00000-of-00001.parquet
deleted file mode 100644
index 854298d0dd8ef21bb137ece34a5952f0e188a65f..0000000000000000000000000000000000000000
--- a/imdb_Movie_Expressed_Sentiment_2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3cba89b50322f0c09eb0ce70cea1700a5001ba5d5691696a0796105fbf94648a
-size 31692181
diff --git a/imdb_Movie_Expressed_Sentiment_2/train-00000-of-00001.parquet b/imdb_Movie_Expressed_Sentiment_2/train-00000-of-00001.parquet
deleted file mode 100644
index d5737dc10ef80bf75f00988de44cb7e6e6b5345d..0000000000000000000000000000000000000000
--- a/imdb_Movie_Expressed_Sentiment_2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b28eef2ed093bb265cfef623c91abb8b28fc18f95bc0818c9ceaa0a0837334cc
-size 32190140
diff --git a/imdb_Movie_Expressed_Sentiment_2/unsupervised-00000-of-00001.parquet b/imdb_Movie_Expressed_Sentiment_2/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index 3a89fa9597aed7ebdfab4ac4c5579201524ef8d3..0000000000000000000000000000000000000000
--- a/imdb_Movie_Expressed_Sentiment_2/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:61dcf9d93835f0d32a0e989c91f7f381dc5db91c4ea2c0a4d0e82f32cb32f619
-size 64626024
diff --git a/imdb_Negation_template_for_positive_and_negative/test-00000-of-00001.parquet b/imdb_Negation_template_for_positive_and_negative/test-00000-of-00001.parquet
deleted file mode 100644
index 9a3929235c67489651aef60415e6cdfad1d7004b..0000000000000000000000000000000000000000
--- a/imdb_Negation_template_for_positive_and_negative/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a5776c2a3b993edb4db854306d692b280a0e7d0ec90af384583c796230d76a72
-size 31652354
diff --git a/imdb_Negation_template_for_positive_and_negative/train-00000-of-00001.parquet b/imdb_Negation_template_for_positive_and_negative/train-00000-of-00001.parquet
deleted file mode 100644
index fe33036e43c8a483121009e827e3f56f7bb63bf1..0000000000000000000000000000000000000000
--- a/imdb_Negation_template_for_positive_and_negative/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8eae5621edecc4fb350fcb047c5036914eae971fae0273dce406f5aa70690970
-size 32185025
diff --git a/imdb_Negation_template_for_positive_and_negative/unsupervised-00000-of-00001.parquet b/imdb_Negation_template_for_positive_and_negative/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index df928410d2c125ef7a87e15b1c5850fcbb32162e..0000000000000000000000000000000000000000
--- a/imdb_Negation_template_for_positive_and_negative/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6b1752420a1997651f97eb755e36892b466342b777ad4c5681088905bc139d52
-size 64484928
diff --git a/imdb_Reviewer_Enjoyment/test-00000-of-00001.parquet b/imdb_Reviewer_Enjoyment/test-00000-of-00001.parquet
deleted file mode 100644
index 9d1db8bc0079fd8da284c1e1508e08004a8d05e9..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Enjoyment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:12c12f5c5a1c04f779a0b6110a75ab7e176fa7b7ebfb384929ec1fb2b45009a9
-size 31748750
diff --git a/imdb_Reviewer_Enjoyment/train-00000-of-00001.parquet b/imdb_Reviewer_Enjoyment/train-00000-of-00001.parquet
deleted file mode 100644
index bc8777c6fd8af5afe47389ca58af214afc243e19..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Enjoyment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c16787cb130dde727c42e41377bddbf55408b8cc2ba273f468ca44e143128ac9
-size 32208006
diff --git a/imdb_Reviewer_Enjoyment/unsupervised-00000-of-00001.parquet b/imdb_Reviewer_Enjoyment/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index 274f87c6d4a6c1cc92c2b59631c054e1eae3f117..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Enjoyment/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:902d377aafd62607fd9c6765799545abf88596e5c516d87d53557517d1eaf7b3
-size 64692758
diff --git a/imdb_Reviewer_Enjoyment_Yes_No/test-00000-of-00001.parquet b/imdb_Reviewer_Enjoyment_Yes_No/test-00000-of-00001.parquet
deleted file mode 100644
index daecd3affa4be015dabe316c8a414f5bde5fe324..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Enjoyment_Yes_No/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:43fe70f54606bd17e19739e5a38ecf9017fcd7e75bbc52945f58786464c4040b
-size 31725588
diff --git a/imdb_Reviewer_Enjoyment_Yes_No/train-00000-of-00001.parquet b/imdb_Reviewer_Enjoyment_Yes_No/train-00000-of-00001.parquet
deleted file mode 100644
index 780c9ad64c0f6e53a6ad2f8e666edf6cbd1db414..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Enjoyment_Yes_No/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a2db4a5bbded06bd5c11dce0e8cd712a82b61412271e7065bba5bf7eefbaa762
-size 32210517
diff --git a/imdb_Reviewer_Enjoyment_Yes_No/unsupervised-00000-of-00001.parquet b/imdb_Reviewer_Enjoyment_Yes_No/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index 465fd79deeb666b7c6faf7c202eae07b28034a03..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Enjoyment_Yes_No/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:715b6d602355477a35925f2bbdf5ff6b94708133fbf3ebb0b9e33c706cbf3a57
-size 64504382
diff --git a/imdb_Reviewer_Expressed_Sentiment/test-00000-of-00001.parquet b/imdb_Reviewer_Expressed_Sentiment/test-00000-of-00001.parquet
deleted file mode 100644
index cac44d7c8b28e0c0d26a45fc731f7d0947783b95..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Expressed_Sentiment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:862b519f308ed35ff274f73d20b28231991a028832be89294e8224465187e9a4
-size 31857166
diff --git a/imdb_Reviewer_Expressed_Sentiment/train-00000-of-00001.parquet b/imdb_Reviewer_Expressed_Sentiment/train-00000-of-00001.parquet
deleted file mode 100644
index 3bc022dadd4929e2bd5f392ca909dcdee8f2ca00..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Expressed_Sentiment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dc145a37507fbac8c0b2364fc2dcfc8da028ecd8db4699ddec59e44e1988996f
-size 32331321
diff --git a/imdb_Reviewer_Expressed_Sentiment/unsupervised-00000-of-00001.parquet b/imdb_Reviewer_Expressed_Sentiment/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index 189c99253343421f2f0ff1801a94f1baf8e06fe5..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Expressed_Sentiment/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d6240048ae3714b917349fdb9ec0b6cf9b969fb083971d02c0f77d7a0254ca9f
-size 64790879
diff --git a/imdb_Reviewer_Opinion_bad_good_choices/test-00000-of-00001.parquet b/imdb_Reviewer_Opinion_bad_good_choices/test-00000-of-00001.parquet
deleted file mode 100644
index 40276ac953a5d87db6980f6da83666e337fdf54f..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Opinion_bad_good_choices/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f9d8ac864061c09507d20d7743a2a2e94affa89e8b66cb5e70d9420fb8bd359
-size 31745554
diff --git a/imdb_Reviewer_Opinion_bad_good_choices/train-00000-of-00001.parquet b/imdb_Reviewer_Opinion_bad_good_choices/train-00000-of-00001.parquet
deleted file mode 100644
index 32aa14faa0a500888fa3a59b38a05ccadd480978..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Opinion_bad_good_choices/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f9e1215d34ed14186a0f71b13cba7abe290d772927c5c2cf908cc74a2f19893
-size 32263184
diff --git a/imdb_Reviewer_Opinion_bad_good_choices/unsupervised-00000-of-00001.parquet b/imdb_Reviewer_Opinion_bad_good_choices/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index 8143f478a8dc4a70e29bbc25888667d6c86e8851..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Opinion_bad_good_choices/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e1c70a801f73672302e3ee643a0eec78bcebbd2abbac7769a105ec280ed4eefb
-size 64587139
diff --git a/imdb_Reviewer_Sentiment_Feeling/test-00000-of-00001.parquet b/imdb_Reviewer_Sentiment_Feeling/test-00000-of-00001.parquet
deleted file mode 100644
index aa67a5be57c554050fb47c87b4bb54a923c1e9e8..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Sentiment_Feeling/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:98adf2a48c38b20db6293e42edb967b2387a2188980e48b4c0084f8469a2e704
-size 31718055
diff --git a/imdb_Reviewer_Sentiment_Feeling/train-00000-of-00001.parquet b/imdb_Reviewer_Sentiment_Feeling/train-00000-of-00001.parquet
deleted file mode 100644
index 7bace81bfdeec86cfc3aeef1b16016f4e77f0f4e..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Sentiment_Feeling/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:920ee565495d16f89ddf2725bf5ad74f0541f3b3899cf4526c8fdc12b82e88ba
-size 32207011
diff --git a/imdb_Reviewer_Sentiment_Feeling/unsupervised-00000-of-00001.parquet b/imdb_Reviewer_Sentiment_Feeling/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index b501733187b3ea24fee18dc6db3cf842a6b2cbca..0000000000000000000000000000000000000000
--- a/imdb_Reviewer_Sentiment_Feeling/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:108d402afe7c9b24e80d8f32da871e0309dc1e9a76b2290e40ff4e3b02aece31
-size 64591753
diff --git a/imdb_Sentiment_with_choices_/test-00000-of-00001.parquet b/imdb_Sentiment_with_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index 2e52dc45eb0c4e5c684196735df6f36ba4098e85..0000000000000000000000000000000000000000
--- a/imdb_Sentiment_with_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:513c372a3c548abc53e0c2c92fca45fd61ba5ebcaf9e723827dd605f9a1e27ac
-size 31729334
diff --git a/imdb_Sentiment_with_choices_/train-00000-of-00001.parquet b/imdb_Sentiment_with_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index d461207b68164495c85fec142996c85bdd7eea46..0000000000000000000000000000000000000000
--- a/imdb_Sentiment_with_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d8def4c724028bad0229a28283e3a67fa6488a75a2ebe861d5e31df090963c7e
-size 32226589
diff --git a/imdb_Sentiment_with_choices_/unsupervised-00000-of-00001.parquet b/imdb_Sentiment_with_choices_/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index 72a2310e568281ef0b99d9041482f26a2b5832f1..0000000000000000000000000000000000000000
--- a/imdb_Sentiment_with_choices_/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f5528bf68158b17e05056bf690e9c06688128b03cbcf4249db49ae9247f8054
-size 64512819
diff --git a/imdb_Text_Expressed_Sentiment/test-00000-of-00001.parquet b/imdb_Text_Expressed_Sentiment/test-00000-of-00001.parquet
deleted file mode 100644
index 642671ab58d9e80c12e7ee1160a161e67920be82..0000000000000000000000000000000000000000
--- a/imdb_Text_Expressed_Sentiment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d955e10ca0dd80daf7ba6a7696bee7ab52b27a225a9423d1ac52dff8d034dce7
-size 31753483
diff --git a/imdb_Text_Expressed_Sentiment/train-00000-of-00001.parquet b/imdb_Text_Expressed_Sentiment/train-00000-of-00001.parquet
deleted file mode 100644
index 08dd63ff96b0a0fc3c0ceca36bc83942584b424f..0000000000000000000000000000000000000000
--- a/imdb_Text_Expressed_Sentiment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:121ed13e798862b1d2833c8c08931ebb57fd44c5b7c6744a4683e06768596efe
-size 32255901
diff --git a/imdb_Text_Expressed_Sentiment/unsupervised-00000-of-00001.parquet b/imdb_Text_Expressed_Sentiment/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index 9ea46b7980b1781b98cd43f1906b5e17502291f9..0000000000000000000000000000000000000000
--- a/imdb_Text_Expressed_Sentiment/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4356932f6c5c40138cca97222d878460c6e05e405fc3750d0e34d1c44fb8b7ba
-size 64637388
diff --git a/imdb_Writer_Expressed_Sentiment/test-00000-of-00001.parquet b/imdb_Writer_Expressed_Sentiment/test-00000-of-00001.parquet
deleted file mode 100644
index 15259362721c0a1300c6ebffdafdb887d7376fe4..0000000000000000000000000000000000000000
--- a/imdb_Writer_Expressed_Sentiment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5767734ba40cbdf7c3b62803bb32c5502b618b254bee7081a0b4aa6966484a3d
-size 31776681
diff --git a/imdb_Writer_Expressed_Sentiment/train-00000-of-00001.parquet b/imdb_Writer_Expressed_Sentiment/train-00000-of-00001.parquet
deleted file mode 100644
index aeb9865b5a6beb62505c652dfb9f71b83df54ac3..0000000000000000000000000000000000000000
--- a/imdb_Writer_Expressed_Sentiment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:94473d9d0df1926bad9c1fb59cddfe4d9960a582c61984e448ecd3d75002c623
-size 32231851
diff --git a/imdb_Writer_Expressed_Sentiment/unsupervised-00000-of-00001.parquet b/imdb_Writer_Expressed_Sentiment/unsupervised-00000-of-00001.parquet
deleted file mode 100644
index 267c19f3a411e1cde153aa1464c0cf51e9e2a077..0000000000000000000000000000000000000000
--- a/imdb_Writer_Expressed_Sentiment/unsupervised-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ccf6b8a36d0787d0eef9d8c91b1d7b35c757acd92f3b3c9c9330ff389bc8c9bb
-size 64727588
diff --git a/kilt_tasks_hotpotqa_combining_facts/train-00000-of-00001.parquet b/kilt_tasks_hotpotqa_combining_facts/train-00000-of-00001.parquet
deleted file mode 100644
index 8e56df21352541205068d22a0fb5ad0fd10ae7e5..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_combining_facts/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d9af0c736f7f40ee78f99ad0de00bb8a9da2aa67133a81932d9847442ffb5372
-size 15435333
diff --git a/kilt_tasks_hotpotqa_combining_facts/validation-00000-of-00001.parquet b/kilt_tasks_hotpotqa_combining_facts/validation-00000-of-00001.parquet
deleted file mode 100644
index 0e95a67baaa693a7688558998dca4cde3b375986..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_combining_facts/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9e06c6c3e7c4f63de017df0c01fb60ae34349e6bc387d9a886838f765de1058d
-size 902559
diff --git a/kilt_tasks_hotpotqa_complex_question/train-00000-of-00001.parquet b/kilt_tasks_hotpotqa_complex_question/train-00000-of-00001.parquet
deleted file mode 100644
index 637767ee4fd9a843e6d3796d1a28ddd4d826b7c7..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_complex_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:85c39b071bd8f3db12b8d3e70dd6b4d536e16939427c1958f826162d58b2af77
-size 16116217
diff --git a/kilt_tasks_hotpotqa_complex_question/validation-00000-of-00001.parquet b/kilt_tasks_hotpotqa_complex_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 32f317c0a158aa3f4a0d3c1a617b34502fed1785..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_complex_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b8e16f8c342a64830d96b2ade24c8e93fb3a3778c44f0b0a67bc4dffccaf9de3
-size 945159
diff --git a/kilt_tasks_hotpotqa_final_exam/train-00000-of-00001.parquet b/kilt_tasks_hotpotqa_final_exam/train-00000-of-00001.parquet
deleted file mode 100644
index 649048a505ff5ea228977405a5ec89f53cda97bd..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_final_exam/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:679420a8846bb559893816cf8db55013f48c264d0ff09db3fc783964c659fb29
-size 15426105
diff --git a/kilt_tasks_hotpotqa_final_exam/validation-00000-of-00001.parquet b/kilt_tasks_hotpotqa_final_exam/validation-00000-of-00001.parquet
deleted file mode 100644
index 5e38a70614d572099215ac9bbfca39a8d9e619aa..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_final_exam/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8c20566d913c5907c26ab705f602020a664597bf63e56bac143af93c2f624030
-size 903684
diff --git a/kilt_tasks_hotpotqa_formulate/train-00000-of-00001.parquet b/kilt_tasks_hotpotqa_formulate/train-00000-of-00001.parquet
deleted file mode 100644
index e179e7022fa0ad116ddefc796e4be6d291165871..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_formulate/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:58ca9fb8d90836cd0508e2e4290ba651373d820064fc9b162ab7d5e805e3f53a
-size 15573984
diff --git a/kilt_tasks_hotpotqa_formulate/validation-00000-of-00001.parquet b/kilt_tasks_hotpotqa_formulate/validation-00000-of-00001.parquet
deleted file mode 100644
index 06214e3e2af265e7f52edf2c39e3902bd3392cf4..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_formulate/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9ed64553a9a707abe621029388d06c0418c5d768e776c6ca85d09e81772be4d3
-size 914572
diff --git a/kilt_tasks_hotpotqa_straighforward_qa/train-00000-of-00001.parquet b/kilt_tasks_hotpotqa_straighforward_qa/train-00000-of-00001.parquet
deleted file mode 100644
index 4d0e035ec25e924105f6d8dac4fd9b8d04d5be4d..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_straighforward_qa/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4efa325b0d3167ab9b72c92912118c4c9f7f5057732fbfa25099fc9d5254d3b9
-size 15066009
diff --git a/kilt_tasks_hotpotqa_straighforward_qa/validation-00000-of-00001.parquet b/kilt_tasks_hotpotqa_straighforward_qa/validation-00000-of-00001.parquet
deleted file mode 100644
index a9890404b596d12252a30bbe2e26febc09dd7e03..0000000000000000000000000000000000000000
--- a/kilt_tasks_hotpotqa_straighforward_qa/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:31c4033ae6e3c255bb7d0608b07f9ddd32dedde67981884a0ec08e4b32d9eebc
-size 883816
diff --git a/multi_news_distill/test-00000-of-00001.parquet b/multi_news_distill/test-00000-of-00001.parquet
deleted file mode 100644
index 392b0c34bca0e7ef6c241b95d3b167994e97d856..0000000000000000000000000000000000000000
--- a/multi_news_distill/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4879efb8765deb4e1cc0fa613cc6043cf6b81f63b8e86658882bee29c26b6ab1
-size 35552316
diff --git a/multi_news_distill/train-00000-of-00002.parquet b/multi_news_distill/train-00000-of-00002.parquet
deleted file mode 100644
index 3e8d06490cd50797750ebff24e58970391ae21db..0000000000000000000000000000000000000000
--- a/multi_news_distill/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c1a6854a842ae90316a417e88679454a6ea50f345307bdea978cdfaa42473ea0
-size 144378163
diff --git a/multi_news_distill/train-00001-of-00002.parquet b/multi_news_distill/train-00001-of-00002.parquet
deleted file mode 100644
index 3dc963a32a46fbeac004afc6ab2c00b20c43cef8..0000000000000000000000000000000000000000
--- a/multi_news_distill/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:21118acdcddb17944c0ed7ecb50928eb6dc08f69ed87c4bc0d8293fdd4d62820
-size 142397270
diff --git a/multi_news_distill/validation-00000-of-00001.parquet b/multi_news_distill/validation-00000-of-00001.parquet
deleted file mode 100644
index e3a7ee00dd3dd4271e530086db5fd171abbf5095..0000000000000000000000000000000000000000
--- a/multi_news_distill/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e308b0c6f8fbe6db6c20a404da56a1af3b85438484fd8b6d4ef413ee5a62e4d4
-size 35362511
diff --git a/multi_news_expand_reverse_task_/test-00000-of-00001.parquet b/multi_news_expand_reverse_task_/test-00000-of-00001.parquet
deleted file mode 100644
index 122f5348eb85df3e104e00dd3cbe92493826f9bd..0000000000000000000000000000000000000000
--- a/multi_news_expand_reverse_task_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:94935ba7146879f5d05bf79921d6ab25c8319f689db12cf002b00e5ce7f9479c
-size 18808932
diff --git a/multi_news_expand_reverse_task_/train-00000-of-00001.parquet b/multi_news_expand_reverse_task_/train-00000-of-00001.parquet
deleted file mode 100644
index 7cfd9d8f49974b1d1fd53716cbd5dad9ddb53180..0000000000000000000000000000000000000000
--- a/multi_news_expand_reverse_task_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3c724989d0daa6887d84478532f81ab107a04a461500bdddca410cf5a9c093cb
-size 151402987
diff --git a/multi_news_expand_reverse_task_/validation-00000-of-00001.parquet b/multi_news_expand_reverse_task_/validation-00000-of-00001.parquet
deleted file mode 100644
index 5f9cfbb518e761cee59f006b131a0f7028b0ac11..0000000000000000000000000000000000000000
--- a/multi_news_expand_reverse_task_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3180634b511a9b785e06e4944ed4ca3416c711e0e99db0d408a178ed8125fc1c
-size 18875942
diff --git a/multi_news_summarize/test-00000-of-00001.parquet b/multi_news_summarize/test-00000-of-00001.parquet
deleted file mode 100644
index baea92d3864e86f106e41eab63e9ae32252e679a..0000000000000000000000000000000000000000
--- a/multi_news_summarize/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7fa7ba071ae6fc3a7cbce6e5d53409f067181b240ec118e6f81ddd34e3e7ab42
-size 35496269
diff --git a/multi_news_summarize/train-00000-of-00002.parquet b/multi_news_summarize/train-00000-of-00002.parquet
deleted file mode 100644
index 31755313b9c066b7f8c9ddb1a2f605e375178d59..0000000000000000000000000000000000000000
--- a/multi_news_summarize/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:acbd2967496b651427849b375bc9e1876285761e2c192309baa298e99a45fe88
-size 144156339
diff --git a/multi_news_summarize/train-00001-of-00002.parquet b/multi_news_summarize/train-00001-of-00002.parquet
deleted file mode 100644
index d1e877e7d2e8fe3c7cc398d10029d35eda953e47..0000000000000000000000000000000000000000
--- a/multi_news_summarize/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b477a9bec982eab536032956cc44f72d8d475dae246da01074eda809f35a3d47
-size 142175267
diff --git a/multi_news_summarize/validation-00000-of-00001.parquet b/multi_news_summarize/validation-00000-of-00001.parquet
deleted file mode 100644
index 17b47541bd952cdca420b242c1bcf8b9359e4871..0000000000000000000000000000000000000000
--- a/multi_news_summarize/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b7cbd810f83a84a6d43509ee9f7a701c9381d4c8634db4fd723bb010148f8f56
-size 35318375
diff --git a/multi_news_summary_scenario/test-00000-of-00001.parquet b/multi_news_summary_scenario/test-00000-of-00001.parquet
deleted file mode 100644
index 2d6c3c2aaf31fba3ea2218568e9d89cd876685ef..0000000000000000000000000000000000000000
--- a/multi_news_summary_scenario/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:627f90e11eb362ee1afa574a20636aefaf2c3a2339186d467a6aacb4e065401d
-size 35576315
diff --git a/multi_news_summary_scenario/train-00000-of-00002.parquet b/multi_news_summary_scenario/train-00000-of-00002.parquet
deleted file mode 100644
index fa4216148c3cf7cd061a34d00d138c1314811ad6..0000000000000000000000000000000000000000
--- a/multi_news_summary_scenario/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee9bec824b3a851798bd2687e96e7b441a8ee529f42325faf923af3d522751a9
-size 144467868
diff --git a/multi_news_summary_scenario/train-00001-of-00002.parquet b/multi_news_summary_scenario/train-00001-of-00002.parquet
deleted file mode 100644
index 2cffcf6e3d5c0b1e00218a85ad77d20bb1a29d15..0000000000000000000000000000000000000000
--- a/multi_news_summary_scenario/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7947d8efa3a2179dae14c8cff2df08b4df8b6d9592d6e493909418e6248c0e56
-size 142481880
diff --git a/multi_news_summary_scenario/validation-00000-of-00001.parquet b/multi_news_summary_scenario/validation-00000-of-00001.parquet
deleted file mode 100644
index d78183c04cc496b029d941113528547a45ebc8db..0000000000000000000000000000000000000000
--- a/multi_news_summary_scenario/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9c87b1c8baf16ecbc9cec2787eb51a24b1a65e8847d9e6000bcc1870b6668b8d
-size 35399696
diff --git a/multi_news_synthesize/test-00000-of-00001.parquet b/multi_news_synthesize/test-00000-of-00001.parquet
deleted file mode 100644
index a6992b5e3f7dedd7dfd5214451be6576e237caf2..0000000000000000000000000000000000000000
--- a/multi_news_synthesize/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6241c0296b55366760ff878ce9fc39cc24f70f781a0d85d81a3e48530b97f733
-size 35507351
diff --git a/multi_news_synthesize/train-00000-of-00002.parquet b/multi_news_synthesize/train-00000-of-00002.parquet
deleted file mode 100644
index f57c668a1f70e1c2409ec7cc30f6df556da9b480..0000000000000000000000000000000000000000
--- a/multi_news_synthesize/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9ba65ccc3556f208a2de45b116e7903d660c50d14399adcbdaf719987655d14d
-size 144207468
diff --git a/multi_news_synthesize/train-00001-of-00002.parquet b/multi_news_synthesize/train-00001-of-00002.parquet
deleted file mode 100644
index d09c343a4bd751b97fbb0e918864ada9c13d2874..0000000000000000000000000000000000000000
--- a/multi_news_synthesize/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bf0131695f3c72f821f41382d436bb770057f3188af84734f61823ecb934e6ca
-size 142237512
diff --git a/multi_news_synthesize/validation-00000-of-00001.parquet b/multi_news_synthesize/validation-00000-of-00001.parquet
deleted file mode 100644
index 3a14220e8dcd3afab55f3bc7a291fed8465bdbba..0000000000000000000000000000000000000000
--- a/multi_news_synthesize/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:59da046c7a69714031c1cdaf931842600015d07e46a096782bd281244d540022
-size 35330299
diff --git a/multi_news_what_are_the_key_points/test-00000-of-00001.parquet b/multi_news_what_are_the_key_points/test-00000-of-00001.parquet
deleted file mode 100644
index 89fa603eff2ec2731350c53860898206a8016ca9..0000000000000000000000000000000000000000
--- a/multi_news_what_are_the_key_points/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bfca75d39c0c7af39572e3cf54dbd8ebfd1552cc90bcc737475cc09f6d52f266
-size 35525877
diff --git a/multi_news_what_are_the_key_points/train-00000-of-00002.parquet b/multi_news_what_are_the_key_points/train-00000-of-00002.parquet
deleted file mode 100644
index 7fbab7b6dc457da825bacbcfa5e4722776d63db1..0000000000000000000000000000000000000000
--- a/multi_news_what_are_the_key_points/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:76c02b76e4bcb0e6c48a78e4a0e8d26a71a86fc13738683bad7ded58446c6ef6
-size 144293340
diff --git a/multi_news_what_are_the_key_points/train-00001-of-00002.parquet b/multi_news_what_are_the_key_points/train-00001-of-00002.parquet
deleted file mode 100644
index 4da98f2e96cc756b00bf4aa9b74b642f22599a6f..0000000000000000000000000000000000000000
--- a/multi_news_what_are_the_key_points/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f5c8747779b33ee4645e4a2e0cf36267cb274878e33c57e2cc6bf30d76c4ca5a
-size 142308276
diff --git a/multi_news_what_are_the_key_points/validation-00000-of-00001.parquet b/multi_news_what_are_the_key_points/validation-00000-of-00001.parquet
deleted file mode 100644
index e29c5abee596a510d0f9a4de70c787bbfeb7d833..0000000000000000000000000000000000000000
--- a/multi_news_what_are_the_key_points/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dcc22ff1b3c9d2783a39f4aa31779dbb2b646ced632ba777c8af7a0411c6e398
-size 35344523
diff --git a/openbookqa_main_choices/test-00000-of-00001.parquet b/openbookqa_main_choices/test-00000-of-00001.parquet
deleted file mode 100644
index d8ca2706e8232b243b62eda9fafbb9664256bb23..0000000000000000000000000000000000000000
--- a/openbookqa_main_choices/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:646f03183981b92587edba67350cc73d046d41f944a05ab5c43041a52a76116e
-size 136057
diff --git a/openbookqa_main_choices/train-00000-of-00001.parquet b/openbookqa_main_choices/train-00000-of-00001.parquet
deleted file mode 100644
index 787acb783810ad7a4402158113a34265b76f225d..0000000000000000000000000000000000000000
--- a/openbookqa_main_choices/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4b99c13ae4e6602ebbbdffe87128fe0c532b501346bad663068cb1acdf37be7a
-size 1247216
diff --git a/openbookqa_main_choices/validation-00000-of-00001.parquet b/openbookqa_main_choices/validation-00000-of-00001.parquet
deleted file mode 100644
index 7959e78be3a101bac3c43604a73d7c7564329376..0000000000000000000000000000000000000000
--- a/openbookqa_main_choices/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c5ab90785ef49fb2762fe6c1d0921f067d901d2bf94f333e4a31ffe641d6e603
-size 142692
diff --git a/openbookqa_main_choose_an_answer_with_options/test-00000-of-00001.parquet b/openbookqa_main_choose_an_answer_with_options/test-00000-of-00001.parquet
deleted file mode 100644
index cd5ce3e9f6357dcb17e8802a350cf997bcbec322..0000000000000000000000000000000000000000
--- a/openbookqa_main_choose_an_answer_with_options/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1a85df8c920612fe80f6168af5142b0a5e164c91652e99a77e2926b8c95b90fa
-size 137696
diff --git a/openbookqa_main_choose_an_answer_with_options/train-00000-of-00001.parquet b/openbookqa_main_choose_an_answer_with_options/train-00000-of-00001.parquet
deleted file mode 100644
index 3c11952b3d008dea333cc5a02556443b56e7dcdf..0000000000000000000000000000000000000000
--- a/openbookqa_main_choose_an_answer_with_options/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ed75e212fcead7c58125973cdcd734aae43be7aebccde46d5f01bc321b869be9
-size 1259181
diff --git a/openbookqa_main_choose_an_answer_with_options/validation-00000-of-00001.parquet b/openbookqa_main_choose_an_answer_with_options/validation-00000-of-00001.parquet
deleted file mode 100644
index 0476b5cebfb0c338daefcde55f48700bb19c9c93..0000000000000000000000000000000000000000
--- a/openbookqa_main_choose_an_answer_with_options/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:646710a45dfb541584728be15a3f9f304ab27b3ca80e234e1207e95b552b7f4b
-size 144122
diff --git a/openbookqa_main_only_options/test-00000-of-00001.parquet b/openbookqa_main_only_options/test-00000-of-00001.parquet
deleted file mode 100644
index b9b41c8d5403f642a593f651ea9999df011f4996..0000000000000000000000000000000000000000
--- a/openbookqa_main_only_options/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e825a899125dfde7b53f59ab2db0980a28500a67be8fca84046d00b5bf240c98
-size 134840
diff --git a/openbookqa_main_only_options/train-00000-of-00001.parquet b/openbookqa_main_only_options/train-00000-of-00001.parquet
deleted file mode 100644
index ba5e83f2363755d6cbd4da6cd072f0d146f98cee..0000000000000000000000000000000000000000
--- a/openbookqa_main_only_options/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a6feaa2940c1bdb1cf36dc2ad5f712fe47d028c6e5b89d05126122c30e4b11a9
-size 1234234
diff --git a/openbookqa_main_only_options/validation-00000-of-00001.parquet b/openbookqa_main_only_options/validation-00000-of-00001.parquet
deleted file mode 100644
index 0d3285dc4b549e32b59b958096d6cbe5cb24b7a9..0000000000000000000000000000000000000000
--- a/openbookqa_main_only_options/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e058f2373d4f52e898e62c598e451c78b1ce5a5716db67c34917e0659e8e0084
-size 141662
diff --git a/openbookqa_main_pick_answer_with_options/test-00000-of-00001.parquet b/openbookqa_main_pick_answer_with_options/test-00000-of-00001.parquet
deleted file mode 100644
index 51f37f4c82f3ac7e09c10c8b88378c6dd62000ed..0000000000000000000000000000000000000000
--- a/openbookqa_main_pick_answer_with_options/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c91372e34c70d0d8d4b9b0172305f94c1a69cb53bbc83f8ff63f741aff086b95
-size 137713
diff --git a/openbookqa_main_pick_answer_with_options/train-00000-of-00001.parquet b/openbookqa_main_pick_answer_with_options/train-00000-of-00001.parquet
deleted file mode 100644
index d1da802522a5e1372039f338002baf12fb7a25ef..0000000000000000000000000000000000000000
--- a/openbookqa_main_pick_answer_with_options/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:724cb3bd0a9a322a54515665fdfa35f48d4c5e67f823f7c70d2e6ed18ff1dbcb
-size 1261654
diff --git a/openbookqa_main_pick_answer_with_options/validation-00000-of-00001.parquet b/openbookqa_main_pick_answer_with_options/validation-00000-of-00001.parquet
deleted file mode 100644
index 0f207a8ddf15b2eb996ac844018bbe8ee3fa0b83..0000000000000000000000000000000000000000
--- a/openbookqa_main_pick_answer_with_options/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:606a38348cb356d412241951c3a5ee2f2546d9cbc33185e5e8814cd3c376d71f
-size 144136
diff --git a/openbookqa_main_pick_using_id/test-00000-of-00001.parquet b/openbookqa_main_pick_using_id/test-00000-of-00001.parquet
deleted file mode 100644
index f1e8fe7c67e3bfd4c882e6808139489842f46a01..0000000000000000000000000000000000000000
--- a/openbookqa_main_pick_using_id/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:96ba85ed72159191a0a4ddb5cfc2ba3f6ee6de8d7061b9df8bd44c1f06efa342
-size 96307
diff --git a/openbookqa_main_pick_using_id/train-00000-of-00001.parquet b/openbookqa_main_pick_using_id/train-00000-of-00001.parquet
deleted file mode 100644
index 9fa6ca1d246c247562490f369155687aa8419e9d..0000000000000000000000000000000000000000
--- a/openbookqa_main_pick_using_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b6732f2bd93660dd26c0e0c99f3c2ee128831ede005d96118677ffb437c3880f
-size 896143
diff --git a/openbookqa_main_pick_using_id/validation-00000-of-00001.parquet b/openbookqa_main_pick_using_id/validation-00000-of-00001.parquet
deleted file mode 100644
index 82a39ae49d43c95d071de0ba647d8950daab3bc1..0000000000000000000000000000000000000000
--- a/openbookqa_main_pick_using_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:adf04f3cc189446561d8e14ead8e9529bd930c754a4ebc73a989b47b96aa7e38
-size 99083
diff --git a/openbookqa_main_which_correct/test-00000-of-00001.parquet b/openbookqa_main_which_correct/test-00000-of-00001.parquet
deleted file mode 100644
index 6850eeb03b801e01806ae61eec2050ba69c53632..0000000000000000000000000000000000000000
--- a/openbookqa_main_which_correct/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b5a3770d40e8aedc22aabe6ae9287b473df0b9f28749a9cd874f83307539621d
-size 137401
diff --git a/openbookqa_main_which_correct/train-00000-of-00001.parquet b/openbookqa_main_which_correct/train-00000-of-00001.parquet
deleted file mode 100644
index 919e6d5352e7ff2e8b652a40a9c689590a7599d2..0000000000000000000000000000000000000000
--- a/openbookqa_main_which_correct/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5891e2ab87bb57a435f49cf765216b5f805e0ddd4052e61a6b16012bcf205889
-size 1258195
diff --git a/openbookqa_main_which_correct/validation-00000-of-00001.parquet b/openbookqa_main_which_correct/validation-00000-of-00001.parquet
deleted file mode 100644
index 6ffd2db31569c2e18c1e682449b6aa8b804e5ad1..0000000000000000000000000000000000000000
--- a/openbookqa_main_which_correct/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:12aaece62c7f891f15eb1f59b11215109d746fd4becd457ce0200a307a67292e
-size 143827
diff --git a/openbookqa_main_which_correct_inverse/test-00000-of-00001.parquet b/openbookqa_main_which_correct_inverse/test-00000-of-00001.parquet
deleted file mode 100644
index e831b6b38e85cb049a2153a0a6d51f7607df1009..0000000000000000000000000000000000000000
--- a/openbookqa_main_which_correct_inverse/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d47d313e241f61a22dda4ea1bc6517883d6b6cd91662100f482fd37532462960
-size 138435
diff --git a/openbookqa_main_which_correct_inverse/train-00000-of-00001.parquet b/openbookqa_main_which_correct_inverse/train-00000-of-00001.parquet
deleted file mode 100644
index 2e82c8c37cf6f57c6b7566d5836f8ddfee6199c0..0000000000000000000000000000000000000000
--- a/openbookqa_main_which_correct_inverse/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7c18c41d8d691d25715a0c6d19cdfe9f8fb982ed406c690c716cf5ebbdfbdb1f
-size 1273920
diff --git a/openbookqa_main_which_correct_inverse/validation-00000-of-00001.parquet b/openbookqa_main_which_correct_inverse/validation-00000-of-00001.parquet
deleted file mode 100644
index 3a2387816029cb2f8cd07e22c3243a80fff443d5..0000000000000000000000000000000000000000
--- a/openbookqa_main_which_correct_inverse/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:11f874ef37cf9c80db280188a962a973d59605429a05dae576cbecd53fef18e2
-size 145052
diff --git a/paws_labeled_final_Concatenation/test-00000-of-00001.parquet b/paws_labeled_final_Concatenation/test-00000-of-00001.parquet
deleted file mode 100644
index 119db3a361de1508edde2f13d2c8e57b8cbb3542..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Concatenation/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:694ab07ff874646ce8ceeaca14d5a757ffa765c6e35600889f3c8134baff950e
-size 1917449
diff --git a/paws_labeled_final_Concatenation/train-00000-of-00001.parquet b/paws_labeled_final_Concatenation/train-00000-of-00001.parquet
deleted file mode 100644
index c73d13d970794a9d6d5e4b4ff3d3b947b5d3e0f3..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Concatenation/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3d828a44f99c92c55c4772beacbe2fbe8a59932133a8e6b950914099d84f5162
-size 12308552
diff --git a/paws_labeled_final_Concatenation/validation-00000-of-00001.parquet b/paws_labeled_final_Concatenation/validation-00000-of-00001.parquet
deleted file mode 100644
index a3015dac3317d3fb58306b1ba86ab11be4d8d947..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Concatenation/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f56f53dc1d1e53206bb8c9e070242e35854b9b1f5e9db66561eb6ac3df0fafd7
-size 1918635
diff --git a/paws_labeled_final_Concatenation_no_label/test-00000-of-00001.parquet b/paws_labeled_final_Concatenation_no_label/test-00000-of-00001.parquet
deleted file mode 100644
index 6ea33fa1eab2a1c0131cd1f7259e8964c927c96b..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Concatenation_no_label/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7f98e74886f19f50262d5170d76a20e361913a8be1823b21e743004b1c42ce0a
-size 1910718
diff --git a/paws_labeled_final_Concatenation_no_label/train-00000-of-00001.parquet b/paws_labeled_final_Concatenation_no_label/train-00000-of-00001.parquet
deleted file mode 100644
index 7c827f5d7ee5fd7703d3f5d06d6e1c46a3f3d2c0..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Concatenation_no_label/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0fb93b351b31f74e0a24584bd32902aa50c787086fad84c7b97fa4e2a6daae26
-size 12285095
diff --git a/paws_labeled_final_Concatenation_no_label/validation-00000-of-00001.parquet b/paws_labeled_final_Concatenation_no_label/validation-00000-of-00001.parquet
deleted file mode 100644
index 7b1c66e43d35641a7563dbdf3fb50ead0351e071..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Concatenation_no_label/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a766253b4f6dca5163bf21f52d9089c425f28cbcd471c8a4729b4bc1397a6a5
-size 1911589
diff --git a/paws_labeled_final_Meaning/test-00000-of-00001.parquet b/paws_labeled_final_Meaning/test-00000-of-00001.parquet
deleted file mode 100644
index 0c1568b93118a125173bcf3b4b0a83087efa09f4..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Meaning/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:651c95d2b141c243cc4b38930bd53c4487809dffc2cd212412f7a6b294b10efc
-size 1950524
diff --git a/paws_labeled_final_Meaning/train-00000-of-00001.parquet b/paws_labeled_final_Meaning/train-00000-of-00001.parquet
deleted file mode 100644
index fccd3d092fdf1ca6e60d7f4cbc11c0588fe3848e..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Meaning/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3f47966272f2cd811acffef2cd847911a364512645c21d0c8471b50e6902d4cd
-size 12499766
diff --git a/paws_labeled_final_Meaning/validation-00000-of-00001.parquet b/paws_labeled_final_Meaning/validation-00000-of-00001.parquet
deleted file mode 100644
index 2fe978b1b8050e75464dd357b3b02ea4b856442f..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Meaning/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b17f34da5596e8c36c1f86a0ee724853c38874c78236caa03914aa5922548980
-size 1947917
diff --git a/paws_labeled_final_Meaning_no_label/test-00000-of-00001.parquet b/paws_labeled_final_Meaning_no_label/test-00000-of-00001.parquet
deleted file mode 100644
index 362e99142047874bea0a8e901c5ecb5d0c7672a3..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Meaning_no_label/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:98703103f0a816c375211a647b87eab0a6d2009c3af5f6a2a3357d583bec8844
-size 1932380
diff --git a/paws_labeled_final_Meaning_no_label/train-00000-of-00001.parquet b/paws_labeled_final_Meaning_no_label/train-00000-of-00001.parquet
deleted file mode 100644
index 85e7953b2861e8ddd70e4e926921b66745d66fb0..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Meaning_no_label/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fc69896ba0ceb7fe40898af9c271e17e2ec3188141c465d62c613aa91edac31a
-size 12409690
diff --git a/paws_labeled_final_Meaning_no_label/validation-00000-of-00001.parquet b/paws_labeled_final_Meaning_no_label/validation-00000-of-00001.parquet
deleted file mode 100644
index 2a72f8f82f24ceb43be09b88c1c4b6b4cf0fff83..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Meaning_no_label/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1d71db00cc69032c9f24a0156951dd2e8509ec6a9a73ab281f85c937376267d3
-size 1933094
diff --git a/paws_labeled_final_PAWS_ANLI_GPT3/test-00000-of-00001.parquet b/paws_labeled_final_PAWS_ANLI_GPT3/test-00000-of-00001.parquet
deleted file mode 100644
index 93743f3f35c098a7f6d0330642d8c0748aa4e91c..0000000000000000000000000000000000000000
--- a/paws_labeled_final_PAWS_ANLI_GPT3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8ab0bebf6d0d5e2faa4942a965c8434b76fe44dfe1b1a537a89fa12d9d719257
-size 1882564
diff --git a/paws_labeled_final_PAWS_ANLI_GPT3/train-00000-of-00001.parquet b/paws_labeled_final_PAWS_ANLI_GPT3/train-00000-of-00001.parquet
deleted file mode 100644
index 84e9b959dce999b02e3f35ecbf3506d93095382a..0000000000000000000000000000000000000000
--- a/paws_labeled_final_PAWS_ANLI_GPT3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a6b8dd20453cd6f74a3651a60f182ca8ac61eb7088a6a0b6dafe9ed09c8ee6b1
-size 12136049
diff --git a/paws_labeled_final_PAWS_ANLI_GPT3/validation-00000-of-00001.parquet b/paws_labeled_final_PAWS_ANLI_GPT3/validation-00000-of-00001.parquet
deleted file mode 100644
index 2874fdf3e01c985ad8ea57473080c1be7aa6f149..0000000000000000000000000000000000000000
--- a/paws_labeled_final_PAWS_ANLI_GPT3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2759cd88cc49a19ef192db2dc0c5ff26962159ec257a87e980bdf22095452e4f
-size 1878121
diff --git a/paws_labeled_final_PAWS_ANLI_GPT3_no_label/test-00000-of-00001.parquet b/paws_labeled_final_PAWS_ANLI_GPT3_no_label/test-00000-of-00001.parquet
deleted file mode 100644
index 22c230d4ec9e86b8723d30c41b03b687976da789..0000000000000000000000000000000000000000
--- a/paws_labeled_final_PAWS_ANLI_GPT3_no_label/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:69bed5f5a856c5d6ad9e7a3535495e505fc6a7813b37b19f023456ebc946fe04
-size 1877028
diff --git a/paws_labeled_final_PAWS_ANLI_GPT3_no_label/train-00000-of-00001.parquet b/paws_labeled_final_PAWS_ANLI_GPT3_no_label/train-00000-of-00001.parquet
deleted file mode 100644
index c0763fa08d581e9c4d40a96216e25a67feeb7737..0000000000000000000000000000000000000000
--- a/paws_labeled_final_PAWS_ANLI_GPT3_no_label/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7dfc6ec56a7efa0525eb671e2cdbe4393defce5dc2f8e4f6647f8d8f040dc387
-size 12109516
diff --git a/paws_labeled_final_PAWS_ANLI_GPT3_no_label/validation-00000-of-00001.parquet b/paws_labeled_final_PAWS_ANLI_GPT3_no_label/validation-00000-of-00001.parquet
deleted file mode 100644
index 86a67b4160cd903ad9b89994164a9172d4b4c8b6..0000000000000000000000000000000000000000
--- a/paws_labeled_final_PAWS_ANLI_GPT3_no_label/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9a12c01af6c035b06827a791fa24b17e10ed803d0a330fb78ca9842262d68043
-size 1872841
diff --git a/paws_labeled_final_Rewrite/test-00000-of-00001.parquet b/paws_labeled_final_Rewrite/test-00000-of-00001.parquet
deleted file mode 100644
index 79e768bc19e4b624e87ab2520dcf52273b85f080..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Rewrite/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b77012f922722ab8722820ddb46f70be14e8169021ca0d823c8c7fd0c7c19f48
-size 1927322
diff --git a/paws_labeled_final_Rewrite/train-00000-of-00001.parquet b/paws_labeled_final_Rewrite/train-00000-of-00001.parquet
deleted file mode 100644
index 0fe1d90e5a22e929dc1aed1f6b5601f14d2afaa1..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Rewrite/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:843de881c93b7a2fd6e3a7930bb544a2ff2b32f3fd2d02ae3c69fef3deead7a9
-size 12363750
diff --git a/paws_labeled_final_Rewrite/validation-00000-of-00001.parquet b/paws_labeled_final_Rewrite/validation-00000-of-00001.parquet
deleted file mode 100644
index 3e2240b8623c12ea0c33d0c4a0a8bfae641cfd48..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Rewrite/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a14d8c99a1804a1ecd285dc0fdd9aab09f804f5dfc7eaf7fb8253bc331172cd
-size 1927361
diff --git a/paws_labeled_final_Rewrite_no_label/test-00000-of-00001.parquet b/paws_labeled_final_Rewrite_no_label/test-00000-of-00001.parquet
deleted file mode 100644
index 2468d56b49ca06ff79dbf5bc79e93a83ae2f64ee..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Rewrite_no_label/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4dc56ac96c170b0ba5d71f53fcf44cb29992f5f49212ece2335a74d497d2e65f
-size 1916555
diff --git a/paws_labeled_final_Rewrite_no_label/train-00000-of-00001.parquet b/paws_labeled_final_Rewrite_no_label/train-00000-of-00001.parquet
deleted file mode 100644
index 0f97bda49075320d3e7adc724f6f8b750a3b2a04..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Rewrite_no_label/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:169f39dd1cb482b59aa5911f0d6975b015cd1bbfa9ec7965089c9b8d1fe1a4c5
-size 12296728
diff --git a/paws_labeled_final_Rewrite_no_label/validation-00000-of-00001.parquet b/paws_labeled_final_Rewrite_no_label/validation-00000-of-00001.parquet
deleted file mode 100644
index c705116bb72b095fbacf3fb1dd45875cd2325e3a..0000000000000000000000000000000000000000
--- a/paws_labeled_final_Rewrite_no_label/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:eda6a12bdacba33081fa42d4e8e30b4fb112464427f7acfccd27362123434c70
-size 1915298
diff --git a/paws_labeled_final_context_question/test-00000-of-00001.parquet b/paws_labeled_final_context_question/test-00000-of-00001.parquet
deleted file mode 100644
index 72e00a204c815dc58165b2b4dad36776fbff253c..0000000000000000000000000000000000000000
--- a/paws_labeled_final_context_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:519c4ee1bdda47f53e47334cf10db4a9708200b5569fa1c047840835c26e931e
-size 1903360
diff --git a/paws_labeled_final_context_question/train-00000-of-00001.parquet b/paws_labeled_final_context_question/train-00000-of-00001.parquet
deleted file mode 100644
index 8eb8e77414e5cd8da2c7196a6a71f3a834c2703a..0000000000000000000000000000000000000000
--- a/paws_labeled_final_context_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c57f57c1f86c4f26d05241622b78321a5a970683d1cc2ae7d41488785497e6f9
-size 12219641
diff --git a/paws_labeled_final_context_question/validation-00000-of-00001.parquet b/paws_labeled_final_context_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 99268fcdf625e193615480a75a9955bd84ac516a..0000000000000000000000000000000000000000
--- a/paws_labeled_final_context_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b40eb0ff11bf84aeae08d4eeea0a59d63cde5cbf8e2cddb9d6361873a9e953b6
-size 1902553
diff --git a/paws_labeled_final_context_question_no_label/test-00000-of-00001.parquet b/paws_labeled_final_context_question_no_label/test-00000-of-00001.parquet
deleted file mode 100644
index 819a24f34412b9016cec6ad1eb8351cb4e23f6ef..0000000000000000000000000000000000000000
--- a/paws_labeled_final_context_question_no_label/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:949bed84853242908c22783e0c85874615b475481627b28a85364a572da80f90
-size 1885875
diff --git a/paws_labeled_final_context_question_no_label/train-00000-of-00001.parquet b/paws_labeled_final_context_question_no_label/train-00000-of-00001.parquet
deleted file mode 100644
index 7f1598a0f7927852920e719db06772e2f67ea149..0000000000000000000000000000000000000000
--- a/paws_labeled_final_context_question_no_label/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a802b182a9fc6c47a5d600c0889ef39438782f3dbc367d261a2cad7fbd9a406e
-size 12100594
diff --git a/paws_labeled_final_context_question_no_label/validation-00000-of-00001.parquet b/paws_labeled_final_context_question_no_label/validation-00000-of-00001.parquet
deleted file mode 100644
index 7521ec1ad061f86f40fe2dd59fed6dd615ff90c8..0000000000000000000000000000000000000000
--- a/paws_labeled_final_context_question_no_label/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b1777ae8b891d02e1e192a34c9928e030b50689cf2c33c2035884621916f5e70
-size 1877724
diff --git a/paws_labeled_final_paraphrase_task/test-00000-of-00001.parquet b/paws_labeled_final_paraphrase_task/test-00000-of-00001.parquet
deleted file mode 100644
index 70752f2de8f72038c44243925d7d1dd7cf20b0d5..0000000000000000000000000000000000000000
--- a/paws_labeled_final_paraphrase_task/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a67369cc84a8efbbfa20a24f871e84edfbf7f45983f0b101d1756de4b038fb5
-size 1069292
diff --git a/paws_labeled_final_paraphrase_task/train-00000-of-00001.parquet b/paws_labeled_final_paraphrase_task/train-00000-of-00001.parquet
deleted file mode 100644
index 94bb95a2473f50c97de6b3646bcf979d17e41a2e..0000000000000000000000000000000000000000
--- a/paws_labeled_final_paraphrase_task/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dbfeb26d97585f1c6d22683cec29647f31375a1d110323242b9ef7b8c63b7ae5
-size 7031210
diff --git a/paws_labeled_final_paraphrase_task/validation-00000-of-00001.parquet b/paws_labeled_final_paraphrase_task/validation-00000-of-00001.parquet
deleted file mode 100644
index 99ca921822a5fa91b8a294034dfa37e2c5fe6c26..0000000000000000000000000000000000000000
--- a/paws_labeled_final_paraphrase_task/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:449f8b81ab30f8223e68a2e8e73f1fd6300c80a9028ef96082452bd525ae98fa
-size 1070278
diff --git a/paws_labeled_final_task_description_no_label/test-00000-of-00001.parquet b/paws_labeled_final_task_description_no_label/test-00000-of-00001.parquet
deleted file mode 100644
index d10dbfad31dca7b48016c281c7212676c03e3aab..0000000000000000000000000000000000000000
--- a/paws_labeled_final_task_description_no_label/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:40e2eaacf0db46d4cdc4001b8bc65e9ce54293826f8d550121e445ac8fd635d7
-size 1918898
diff --git a/paws_labeled_final_task_description_no_label/train-00000-of-00001.parquet b/paws_labeled_final_task_description_no_label/train-00000-of-00001.parquet
deleted file mode 100644
index f74d23fe8d457b1babb76ddf519ddf773b9aae82..0000000000000000000000000000000000000000
--- a/paws_labeled_final_task_description_no_label/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6e6590ccb945890b953f4a32898403851db5b87749016247b30d252905f0bee5
-size 12317395
diff --git a/paws_labeled_final_task_description_no_label/validation-00000-of-00001.parquet b/paws_labeled_final_task_description_no_label/validation-00000-of-00001.parquet
deleted file mode 100644
index 6dace8ee80e2e1a0bba0f8930669ad3778c336f0..0000000000000000000000000000000000000000
--- a/paws_labeled_final_task_description_no_label/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6d653a885c37e6d03644b393239769586127cc246544918c3009a5310076daf9
-size 1917793
diff --git a/piqa_Correct_the_solution/test-00000-of-00001.parquet b/piqa_Correct_the_solution/test-00000-of-00001.parquet
deleted file mode 100644
index 587f1cefae2696bb770dcdd47587abec83ec1018..0000000000000000000000000000000000000000
--- a/piqa_Correct_the_solution/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b8901c188f844c111d1a057d905806dc57d322fd5b8af0ea83e2509d75148f83
-size 569539
diff --git a/piqa_Correct_the_solution/train-00000-of-00001.parquet b/piqa_Correct_the_solution/train-00000-of-00001.parquet
deleted file mode 100644
index f771a28b7b38225ad0a25366e8c635425df2f4d6..0000000000000000000000000000000000000000
--- a/piqa_Correct_the_solution/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4d8b013f7c4644c375615b901a5e1e77ce7dbc22ca8b31e7e115d72b1db782b1
-size 4878692
diff --git a/piqa_Correct_the_solution/validation-00000-of-00001.parquet b/piqa_Correct_the_solution/validation-00000-of-00001.parquet
deleted file mode 100644
index b224bc11cf41ef2c83e0376ae0b4ec32887d247b..0000000000000000000000000000000000000000
--- a/piqa_Correct_the_solution/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8eb8c39a28f621f667c32cbf6fd52f838cc8a73fa5211a0cde9c3ab8a84c9aa9
-size 551394
diff --git a/piqa_Correct_the_solution_if_false_from_sol_1/test-00000-of-00001.parquet b/piqa_Correct_the_solution_if_false_from_sol_1/test-00000-of-00001.parquet
deleted file mode 100644
index aad7d454bba0abff931fd58940611a52bb1e30b8..0000000000000000000000000000000000000000
--- a/piqa_Correct_the_solution_if_false_from_sol_1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:516f595d87964a756091cf27a708585c11f65959f4e4672f829835ddf6af420a
-size 1011805
diff --git a/piqa_Correct_the_solution_if_false_from_sol_1/train-00000-of-00001.parquet b/piqa_Correct_the_solution_if_false_from_sol_1/train-00000-of-00001.parquet
deleted file mode 100644
index af29b606edbd3378ec4e294d929d576f586137fe..0000000000000000000000000000000000000000
--- a/piqa_Correct_the_solution_if_false_from_sol_1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:06445881b86307bc03ca00cfc586edc18dce5048fe199f9129f9f3db827891db
-size 5384093
diff --git a/piqa_Correct_the_solution_if_false_from_sol_1/validation-00000-of-00001.parquet b/piqa_Correct_the_solution_if_false_from_sol_1/validation-00000-of-00001.parquet
deleted file mode 100644
index da73ce446d2865d3b01a64c8175bf59a6002be24..0000000000000000000000000000000000000000
--- a/piqa_Correct_the_solution_if_false_from_sol_1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f94f32a5fef0d5cf949d130a6976da8b8e9e1a3bdf1185dd01f64b158cdd8c26
-size 612063
diff --git a/piqa_Correct_the_solution_if_false_from_sol_2/test-00000-of-00001.parquet b/piqa_Correct_the_solution_if_false_from_sol_2/test-00000-of-00001.parquet
deleted file mode 100644
index 8569e90534d1c3bd9647e214ce562847379c77bf..0000000000000000000000000000000000000000
--- a/piqa_Correct_the_solution_if_false_from_sol_2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bc42d4130dd04e1792d9d27b84e00a3d4c1d565908766a674c68f17989cbafde
-size 1008315
diff --git a/piqa_Correct_the_solution_if_false_from_sol_2/train-00000-of-00001.parquet b/piqa_Correct_the_solution_if_false_from_sol_2/train-00000-of-00001.parquet
deleted file mode 100644
index 1866fbbfedfe2f1dc01c01c80b5749e3876bb412..0000000000000000000000000000000000000000
--- a/piqa_Correct_the_solution_if_false_from_sol_2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c9378669d8ad579d9ac0d2bb1bf71251bf2b50fd0c2240d3fd30ff6761281419
-size 5377525
diff --git a/piqa_Correct_the_solution_if_false_from_sol_2/validation-00000-of-00001.parquet b/piqa_Correct_the_solution_if_false_from_sol_2/validation-00000-of-00001.parquet
deleted file mode 100644
index a98b3f521394a242f154aebb4d12cb00e24a1dea..0000000000000000000000000000000000000000
--- a/piqa_Correct_the_solution_if_false_from_sol_2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1b3348a27f2d2b015e06660cbfdafa958953969ef1a3bf88378be1c6aa00bbd8
-size 612005
diff --git a/piqa_Does_this_solution_make_sense_sol1/test-00000-of-00001.parquet b/piqa_Does_this_solution_make_sense_sol1/test-00000-of-00001.parquet
deleted file mode 100644
index 2dfc84f7dee5030ecaeb4e6d3ba7133e810b2358..0000000000000000000000000000000000000000
--- a/piqa_Does_this_solution_make_sense_sol1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:028a8ca88472ad9cf5f84bca9f7e7d4286f013fac6081de59acf3d3b07109050
-size 510370
diff --git a/piqa_Does_this_solution_make_sense_sol1/train-00000-of-00001.parquet b/piqa_Does_this_solution_make_sense_sol1/train-00000-of-00001.parquet
deleted file mode 100644
index 7fcf860d679058e62b84ecfd519c941e53f32b77..0000000000000000000000000000000000000000
--- a/piqa_Does_this_solution_make_sense_sol1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b59fd715d15047cf3d2a2fee3e947945ff1f281d9c0f8bc22241bae101a6b23d
-size 2702360
diff --git a/piqa_Does_this_solution_make_sense_sol1/validation-00000-of-00001.parquet b/piqa_Does_this_solution_make_sense_sol1/validation-00000-of-00001.parquet
deleted file mode 100644
index d76910bbece6e70fda35ccad4df7396e22232760..0000000000000000000000000000000000000000
--- a/piqa_Does_this_solution_make_sense_sol1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:15ced4d14aec8ff71d6a29023b3daed5c3e25e38fa36ffd7ed0f553533847d68
-size 309171
diff --git a/piqa_Does_this_solution_make_sense_sol2/test-00000-of-00001.parquet b/piqa_Does_this_solution_make_sense_sol2/test-00000-of-00001.parquet
deleted file mode 100644
index 6bf7866a2a006cb1f2ae96222b06084b4a316bd9..0000000000000000000000000000000000000000
--- a/piqa_Does_this_solution_make_sense_sol2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5d9f2a17ff5841766c9f3637527af2a729e53b95c94137ea5fa4a049e1ff0e46
-size 501689
diff --git a/piqa_Does_this_solution_make_sense_sol2/train-00000-of-00001.parquet b/piqa_Does_this_solution_make_sense_sol2/train-00000-of-00001.parquet
deleted file mode 100644
index 063741e655a08f8e2a8df87e28f75a0f85a76aa6..0000000000000000000000000000000000000000
--- a/piqa_Does_this_solution_make_sense_sol2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1ca7a74dd9d8742dd6aca5ae6688bd69f7fbdc5c84c487a77902a7444f912d6e
-size 2695382
diff --git a/piqa_Does_this_solution_make_sense_sol2/validation-00000-of-00001.parquet b/piqa_Does_this_solution_make_sense_sol2/validation-00000-of-00001.parquet
deleted file mode 100644
index 980570f3400f092ebbb5d48bf43962b4e98fbfca..0000000000000000000000000000000000000000
--- a/piqa_Does_this_solution_make_sense_sol2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cffabc277fc7eb6830311bc376dd5894a4cbebb12e873b20576f89e2acb4f8a1
-size 312086
diff --git a/piqa_choose_the_most_appropriate_solution/test-00000-of-00001.parquet b/piqa_choose_the_most_appropriate_solution/test-00000-of-00001.parquet
deleted file mode 100644
index 1b96b01158ba94a5e4376fd9db238188995e025e..0000000000000000000000000000000000000000
--- a/piqa_choose_the_most_appropriate_solution/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1bf3f839438a64b6f1da76656f7db5ec0cb48b8aa73784a31b1b5abe947873d9
-size 784439
diff --git a/piqa_choose_the_most_appropriate_solution/train-00000-of-00001.parquet b/piqa_choose_the_most_appropriate_solution/train-00000-of-00001.parquet
deleted file mode 100644
index dae449870907e9e07b0978f8d955e7ace9e7c9dc..0000000000000000000000000000000000000000
--- a/piqa_choose_the_most_appropriate_solution/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c2aa519ec426beec41bad48f674487dd20ea2f66a57a498dd14f3478c7f0ae50
-size 4167376
diff --git a/piqa_choose_the_most_appropriate_solution/validation-00000-of-00001.parquet b/piqa_choose_the_most_appropriate_solution/validation-00000-of-00001.parquet
deleted file mode 100644
index 24e11079781dd85408d80bc3a603e19ad4bc1d15..0000000000000000000000000000000000000000
--- a/piqa_choose_the_most_appropriate_solution/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9b120ad3903be1182d0dfd08b37d15f66cf8c5cb816b04fa15c5228a2676ce72
-size 461255
diff --git a/piqa_finish_sentence_with_correct_choice/test-00000-of-00001.parquet b/piqa_finish_sentence_with_correct_choice/test-00000-of-00001.parquet
deleted file mode 100644
index 9f66f3e40dd718b826934427246de10d0fa50f1f..0000000000000000000000000000000000000000
--- a/piqa_finish_sentence_with_correct_choice/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a0585702b034f6759504d52ad1e3cc4a77e8fdc48d0e0039f2708924474f01f2
-size 1408005
diff --git a/piqa_finish_sentence_with_correct_choice/train-00000-of-00001.parquet b/piqa_finish_sentence_with_correct_choice/train-00000-of-00001.parquet
deleted file mode 100644
index f1cd159283aeca457f5909540f1c9f40cd3e6fe1..0000000000000000000000000000000000000000
--- a/piqa_finish_sentence_with_correct_choice/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b28aa177451c7940ad1413cc62de5fb9ea9c0fe4859f21c4851b1bf17eaa5e5d
-size 7497209
diff --git a/piqa_finish_sentence_with_correct_choice/validation-00000-of-00001.parquet b/piqa_finish_sentence_with_correct_choice/validation-00000-of-00001.parquet
deleted file mode 100644
index 41db441391f2c5e876a671590ea06b2863d56a6b..0000000000000000000000000000000000000000
--- a/piqa_finish_sentence_with_correct_choice/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:10900952fedc49fd2a8de33aa36458a7423dac86072237d71e35a9dbf5747c8c
-size 837621
diff --git a/piqa_no_prompt_needed/test-00000-of-00001.parquet b/piqa_no_prompt_needed/test-00000-of-00001.parquet
deleted file mode 100644
index a218a1d3365f78de065e430a2a39bfac219e10eb..0000000000000000000000000000000000000000
--- a/piqa_no_prompt_needed/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:892a6f522e91c18c4ac863386de4319212adb6cac656509843014131913c4717
-size 525435
diff --git a/piqa_no_prompt_needed/train-00000-of-00001.parquet b/piqa_no_prompt_needed/train-00000-of-00001.parquet
deleted file mode 100644
index 033d9719cf78021f63a679b7562e9dc676402787..0000000000000000000000000000000000000000
--- a/piqa_no_prompt_needed/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:22a1f98d96f6ca3f79e76d687f24abd29bdc2036fc41c44f4d449844acf7cdfa
-size 2784672
diff --git a/piqa_no_prompt_needed/validation-00000-of-00001.parquet b/piqa_no_prompt_needed/validation-00000-of-00001.parquet
deleted file mode 100644
index 7caa73c4903ad3d98e9dca1c763a840649fdcebd..0000000000000000000000000000000000000000
--- a/piqa_no_prompt_needed/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f9783097304dc0b429193f626c8ab0fe3be446bc77d6cdd8db3763ad213a1256
-size 319716
diff --git a/piqa_pick_correct_choice_index/test-00000-of-00001.parquet b/piqa_pick_correct_choice_index/test-00000-of-00001.parquet
deleted file mode 100644
index d903c576d9af23c96da33e3eefd8be416ddceecf..0000000000000000000000000000000000000000
--- a/piqa_pick_correct_choice_index/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a97fec24cbf9014c0d4b9be813d7c1853655a5d1bdfddfa01b92e9bcfb8b8dbb
-size 776799
diff --git a/piqa_pick_correct_choice_index/train-00000-of-00001.parquet b/piqa_pick_correct_choice_index/train-00000-of-00001.parquet
deleted file mode 100644
index 0028c8a07859cbd51798ab94bec353e595941ba2..0000000000000000000000000000000000000000
--- a/piqa_pick_correct_choice_index/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ba5a2036ed5ce650c80bf46073f1cce618195d69020dc8526edba6a03714fded
-size 4109342
diff --git a/piqa_pick_correct_choice_index/validation-00000-of-00001.parquet b/piqa_pick_correct_choice_index/validation-00000-of-00001.parquet
deleted file mode 100644
index e3fb8d03db3a8e7042a1949746935db1d082fa1e..0000000000000000000000000000000000000000
--- a/piqa_pick_correct_choice_index/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f2ae020292863883e912a5a5e08aefe4f5acb98bb25d11388b5a88c02ac53f63
-size 456385
diff --git a/piqa_pick_correct_choice_with_choice_given_before_goal/test-00000-of-00001.parquet b/piqa_pick_correct_choice_with_choice_given_before_goal/test-00000-of-00001.parquet
deleted file mode 100644
index 163ee37d5dfe5d8d9733c57cd4ec7af3e9aabe1e..0000000000000000000000000000000000000000
--- a/piqa_pick_correct_choice_with_choice_given_before_goal/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f16b3a738b4f0e9f0905a15b1ad9aa7cf1a544433be3dfd6c6e7d6d91515ac55
-size 1433570
diff --git a/piqa_pick_correct_choice_with_choice_given_before_goal/train-00000-of-00001.parquet b/piqa_pick_correct_choice_with_choice_given_before_goal/train-00000-of-00001.parquet
deleted file mode 100644
index 1e18cabe526b236180aa92c9ad925fd522efc715..0000000000000000000000000000000000000000
--- a/piqa_pick_correct_choice_with_choice_given_before_goal/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2bfa4e548c1e89e4fea45259bc1ed1d6f2ae2ef49b331f3dd52ad7da4c38a5d9
-size 7636733
diff --git a/piqa_pick_correct_choice_with_choice_given_before_goal/validation-00000-of-00001.parquet b/piqa_pick_correct_choice_with_choice_given_before_goal/validation-00000-of-00001.parquet
deleted file mode 100644
index a9174a0cc661157cfc126905df10d43790312af6..0000000000000000000000000000000000000000
--- a/piqa_pick_correct_choice_with_choice_given_before_goal/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c563989139b17db1002ba57d02d6ebaae982e595fe2776c35c5a2a5936eb205f
-size 851008
diff --git a/piqa_what_is_the_correct_ending/test-00000-of-00001.parquet b/piqa_what_is_the_correct_ending/test-00000-of-00001.parquet
deleted file mode 100644
index 2ff9de292d7c83f94e2c2263beae96644a3e8afa..0000000000000000000000000000000000000000
--- a/piqa_what_is_the_correct_ending/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:21897fff467d2ac9d8a653fc68dc6d381763195fbb06f666a6ca6db9e8f62042
-size 1404764
diff --git a/piqa_what_is_the_correct_ending/train-00000-of-00001.parquet b/piqa_what_is_the_correct_ending/train-00000-of-00001.parquet
deleted file mode 100644
index 24b2e8aaab8bec3c3a22b4e8b253705c20d3fe44..0000000000000000000000000000000000000000
--- a/piqa_what_is_the_correct_ending/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:97f342f3f94cccc31ca2efc5311ae5e051b9949855c53b92a1a6d928fcc55e9b
-size 7460647
diff --git a/piqa_what_is_the_correct_ending/validation-00000-of-00001.parquet b/piqa_what_is_the_correct_ending/validation-00000-of-00001.parquet
deleted file mode 100644
index bce5a0428170d93f7be1188bfd7537903f6fd59d..0000000000000000000000000000000000000000
--- a/piqa_what_is_the_correct_ending/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:459f3f039fa5dc59d8dba5efbd72c0cc1da3db3311c5694b1d8027a2c28fb072
-size 832900
diff --git a/print_data_split_sizes.py b/print_data_split_sizes.py
new file mode 100644
index 0000000000000000000000000000000000000000..d2e1712fbf2eec1400301c84a4b83bae081e7a8b
--- /dev/null
+++ b/print_data_split_sizes.py
@@ -0,0 +1,31 @@
+import glob
+import json
+import os
+
+from collections import defaultdict
+
+_DATA_PATH = "data"
+
+data_split_sizes = defaultdict(dict)
+
+for stats in glob.glob(f"{_DATA_PATH}/*/stats.*.json"):
+    folder_path = os.path.dirname(stats)
+    task_name = folder_path.split("/")[-1]
+    split_name = os.path.basename(stats).split(".")[1]
+
+    if not os.path.exists(f"{folder_path}/COMPLETED"):
+        continue
+
+    with open(stats, "r") as f:
+        split_stats = json.load(f)
+        nb_examples = split_stats["examples"]
+
+    if nb_examples > 0:
+        data_split_sizes[task_name][split_name] = nb_examples
+
+with open("data_split_sizes.csv", "w", encoding="utf=8") as f:
+    # The file is now merged into `tasks_splits_and_features.py`
+    f.write("Data(sub)set|Number of examples per splits\n")
+    for task_name in sorted(list(data_split_sizes.keys())):
+        split_sizes_dict = json.dumps(data_split_sizes[task_name])
+        f.write(f"{task_name}|{split_sizes_dict}\n")
diff --git a/qasc_is_correct_1/test-00000-of-00001.parquet b/qasc_is_correct_1/test-00000-of-00001.parquet
deleted file mode 100644
index db2ab91b61b8027d03d93f1dc03fad409643a7fc..0000000000000000000000000000000000000000
--- a/qasc_is_correct_1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:100ea27459d339932ad1804eec14fe99f1fa40ebc34a224d0fe5dc97e40aaf8c
-size 67320
diff --git a/qasc_is_correct_1/train-00000-of-00001.parquet b/qasc_is_correct_1/train-00000-of-00001.parquet
deleted file mode 100644
index c57dd638314cfacc62ac250682096dc2d0a24a31..0000000000000000000000000000000000000000
--- a/qasc_is_correct_1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bba696ad5ce8c7d714b7d10e7087b8b562c0d7d47209c7953839a1dad08dcb4a
-size 839873
diff --git a/qasc_is_correct_1/validation-00000-of-00001.parquet b/qasc_is_correct_1/validation-00000-of-00001.parquet
deleted file mode 100644
index a87b9327d7364106cec86046e714534ac8378e22..0000000000000000000000000000000000000000
--- a/qasc_is_correct_1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aa6098eeb86c91e07551c826893b251efbbf12c677a90542a4ad246a9699a832
-size 100007
diff --git a/qasc_is_correct_2/test-00000-of-00001.parquet b/qasc_is_correct_2/test-00000-of-00001.parquet
deleted file mode 100644
index 6382541bea8cc4dc6f7db83a9397a310c706767f..0000000000000000000000000000000000000000
--- a/qasc_is_correct_2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1bc6a24e0d4f427eb0da63189e948fb0e2d358cbce64d9b667fc585b491ab4c9
-size 67067
diff --git a/qasc_is_correct_2/train-00000-of-00001.parquet b/qasc_is_correct_2/train-00000-of-00001.parquet
deleted file mode 100644
index 09cc301a59e668005f71d0b8308cd7e22d3ae7ff..0000000000000000000000000000000000000000
--- a/qasc_is_correct_2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8be6c392a1f51fb6668e4d5101cf697e65973c1b48b708378690a28a5f803584
-size 808267
diff --git a/qasc_is_correct_2/validation-00000-of-00001.parquet b/qasc_is_correct_2/validation-00000-of-00001.parquet
deleted file mode 100644
index e7dee6a5c01012e465e92ce028a1ea7df165d2b8..0000000000000000000000000000000000000000
--- a/qasc_is_correct_2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ce3e316bfb21265d69c9be2cdf928b767b392cfc0ee24bdbb9279c8e3d2b091d
-size 95812
diff --git a/qasc_qa_with_combined_facts_1/test-00000-of-00001.parquet b/qasc_qa_with_combined_facts_1/test-00000-of-00001.parquet
deleted file mode 100644
index 27a0e31d65a6c1d7f98aa726c88ae93c5233231e..0000000000000000000000000000000000000000
--- a/qasc_qa_with_combined_facts_1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1fdcf66d04b69f96f4d83251b81abe33a75f69323191a3b1d2e57e0f9d3afcc4
-size 165744
diff --git a/qasc_qa_with_combined_facts_1/train-00000-of-00001.parquet b/qasc_qa_with_combined_facts_1/train-00000-of-00001.parquet
deleted file mode 100644
index 2dfe72513f9b6f1da42d01f12df690fc8e02c499..0000000000000000000000000000000000000000
--- a/qasc_qa_with_combined_facts_1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6ffdc249b90864456a9d0b8948fe7ecce185b2a984a9f9c037ced8db02b8769f
-size 1976143
diff --git a/qasc_qa_with_combined_facts_1/validation-00000-of-00001.parquet b/qasc_qa_with_combined_facts_1/validation-00000-of-00001.parquet
deleted file mode 100644
index a1afc0ce1f7d72756ec359c0e5d185c60fe051a2..0000000000000000000000000000000000000000
--- a/qasc_qa_with_combined_facts_1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:55f79278f9410c6f1c97f697cf60d5bebf3aaa5011c52d49a19d49d7f27ec22a
-size 219987
diff --git a/qasc_qa_with_separated_facts_1/test-00000-of-00001.parquet b/qasc_qa_with_separated_facts_1/test-00000-of-00001.parquet
deleted file mode 100644
index 48749aa71d26c4ed32099d9c2e880ceba4542d5b..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee242a6e344aef42401ceaba8be05f5ac9d518948f5000c208007cd18d9c9663
-size 167793
diff --git a/qasc_qa_with_separated_facts_1/train-00000-of-00001.parquet b/qasc_qa_with_separated_facts_1/train-00000-of-00001.parquet
deleted file mode 100644
index 42ce5bc8db7d2f80ca46d7974f0bbe509822cd7a..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f14b9128507a8aa27277a65d823ad586a0f7cf334062b09f5a180f91b2dce1c3
-size 2242247
diff --git a/qasc_qa_with_separated_facts_1/validation-00000-of-00001.parquet b/qasc_qa_with_separated_facts_1/validation-00000-of-00001.parquet
deleted file mode 100644
index 709d6d2f9fee8ff5b013830c2cf214dec9c68900..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:006c09ce7eec6263cd227153a3cb568f685c3ce4ff74b6ec91a69d8ede0dd2da
-size 250671
diff --git a/qasc_qa_with_separated_facts_2/test-00000-of-00001.parquet b/qasc_qa_with_separated_facts_2/test-00000-of-00001.parquet
deleted file mode 100644
index 10d7e51e7c680b1bb0ae583cfb808a5cd31a619e..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3a7bc63216cc33549a503e29ad43e30740f7a5e9e67e373e7617d1270f1afe6d
-size 176128
diff --git a/qasc_qa_with_separated_facts_2/train-00000-of-00001.parquet b/qasc_qa_with_separated_facts_2/train-00000-of-00001.parquet
deleted file mode 100644
index ae4cd15dafe5888969edb047b417a54c23e458f7..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b34d48a8135fb16dbf7676b0ee70b086b873b54d9d0d490f7f19c3b9b876990
-size 2425338
diff --git a/qasc_qa_with_separated_facts_2/validation-00000-of-00001.parquet b/qasc_qa_with_separated_facts_2/validation-00000-of-00001.parquet
deleted file mode 100644
index bf6c6f7e08db5306879a3b8ccc900722045ea355..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:af7a57ff6dd2904695e3dc6c10e18f75b5f741c0837304304919097047a09b40
-size 260372
diff --git a/qasc_qa_with_separated_facts_3/test-00000-of-00001.parquet b/qasc_qa_with_separated_facts_3/test-00000-of-00001.parquet
deleted file mode 100644
index a5dd157dd9aafe955af520412d0040f860d90f3d..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_3/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3985bc27a0105328a9c181042ba358d518e5d355c4431ddf6a503708a245f30e
-size 81634
diff --git a/qasc_qa_with_separated_facts_3/train-00000-of-00001.parquet b/qasc_qa_with_separated_facts_3/train-00000-of-00001.parquet
deleted file mode 100644
index 2705741b5cbe813a19cd0befb4bc5eda8b15f670..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_3/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:beef4b252804b3da80cfea30df3347bc364195a3f66e5d6a618c0e0b4a2f54d5
-size 1433900
diff --git a/qasc_qa_with_separated_facts_3/validation-00000-of-00001.parquet b/qasc_qa_with_separated_facts_3/validation-00000-of-00001.parquet
deleted file mode 100644
index f7f7d180f4a60a367e37b3b1bee7b5669325e8d1..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:58bd01a0ab1f40f285b34ff3056b70c679fecb60ef5df728726d88a132226279
-size 161328
diff --git a/qasc_qa_with_separated_facts_4/test-00000-of-00001.parquet b/qasc_qa_with_separated_facts_4/test-00000-of-00001.parquet
deleted file mode 100644
index c16db965744723c8ab68a15f78c5b548dd8298f2..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_4/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b62b3e2bb95afe20a5db818b3a2613c141512161c2fffb9b1cc982a1ac146fb8
-size 175650
diff --git a/qasc_qa_with_separated_facts_4/train-00000-of-00001.parquet b/qasc_qa_with_separated_facts_4/train-00000-of-00001.parquet
deleted file mode 100644
index 797a4649f5d29ab99c0bdd9dd2657cc01716ce74..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_4/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3b594ae6407052e265b837ab5315efdf5381da6b86e8beeb1e3dfa6255c96991
-size 2323047
diff --git a/qasc_qa_with_separated_facts_4/validation-00000-of-00001.parquet b/qasc_qa_with_separated_facts_4/validation-00000-of-00001.parquet
deleted file mode 100644
index a7cb52e7594d3d6b56e23f90a1974880e2d28922..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_4/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a1c5669f4262ef9f618d8293a9f5f838adfb8b1ea87c93d9512565f710db89c0
-size 260122
diff --git a/qasc_qa_with_separated_facts_5/test-00000-of-00001.parquet b/qasc_qa_with_separated_facts_5/test-00000-of-00001.parquet
deleted file mode 100644
index 5a03808b999545811c0758d084b36ce58d47aa6e..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_5/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:87153d8ad8baaad57939e6822503d91fb04038a812baabab4ca5aaa0bee013ec
-size 96135
diff --git a/qasc_qa_with_separated_facts_5/train-00000-of-00001.parquet b/qasc_qa_with_separated_facts_5/train-00000-of-00001.parquet
deleted file mode 100644
index 517187f41d7a38c6ecf10c0da35f16bec4f01542..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_5/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:009d3c0ed0b4728e743a46cff9980ce1ea7efa997a8c4ecd01ae7a0bc8da95f9
-size 1529049
diff --git a/qasc_qa_with_separated_facts_5/validation-00000-of-00001.parquet b/qasc_qa_with_separated_facts_5/validation-00000-of-00001.parquet
deleted file mode 100644
index cf114158743a034a8edc4adcef72b8b4fefd9064..0000000000000000000000000000000000000000
--- a/qasc_qa_with_separated_facts_5/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bbdecef94abd0b7f9da05246fdfaf5efc77e88787a31b64719fc10cf7a0d6566
-size 172542
diff --git a/quail_context_description_question_answer_id/challenge-00000-of-00001.parquet b/quail_context_description_question_answer_id/challenge-00000-of-00001.parquet
deleted file mode 100644
index 5d33aad826c5d7819ec962c5ac4304408c8df37d..0000000000000000000000000000000000000000
--- a/quail_context_description_question_answer_id/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a76036ddd9954520817028ed56b73646a7bc474161a4333974cbf54a8f416447
-size 280780
diff --git a/quail_context_description_question_answer_id/train-00000-of-00001.parquet b/quail_context_description_question_answer_id/train-00000-of-00001.parquet
deleted file mode 100644
index 0f4a22b4c5f00c400e6d080b22564217487f41f9..0000000000000000000000000000000000000000
--- a/quail_context_description_question_answer_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4ee93249dc61ace8f23f5e28a6e2ac5a1be1ed1ddad8fd97863a3d250aa5880f
-size 9176918
diff --git a/quail_context_description_question_answer_id/validation-00000-of-00001.parquet b/quail_context_description_question_answer_id/validation-00000-of-00001.parquet
deleted file mode 100644
index 61a1aa66873c4ecc5585b3dc96dec5a6d8b0c350..0000000000000000000000000000000000000000
--- a/quail_context_description_question_answer_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2a56414b9631401754844a830e87135333a5b922af109d7ffe26625192ea0817
-size 1904251
diff --git a/quail_context_description_question_answer_text/challenge-00000-of-00001.parquet b/quail_context_description_question_answer_text/challenge-00000-of-00001.parquet
deleted file mode 100644
index 25b2d8270b002a4bb75fc1e385189e2858066ca3..0000000000000000000000000000000000000000
--- a/quail_context_description_question_answer_text/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7e250c5f877f7b082254c2cd0e21ac8aca3e1c0e25603fe731290d8f8809756c
-size 322081
diff --git a/quail_context_description_question_answer_text/train-00000-of-00001.parquet b/quail_context_description_question_answer_text/train-00000-of-00001.parquet
deleted file mode 100644
index 95737f13da6f6601f48f646bf6691428517cd822..0000000000000000000000000000000000000000
--- a/quail_context_description_question_answer_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a37d969eb4b18df00f4339a526ce631a1ee9eb370d872deed90dac5e31fe1924
-size 9906136
diff --git a/quail_context_description_question_answer_text/validation-00000-of-00001.parquet b/quail_context_description_question_answer_text/validation-00000-of-00001.parquet
deleted file mode 100644
index d37b713ba34d8d8a88ee019fe73805821d3423e3..0000000000000000000000000000000000000000
--- a/quail_context_description_question_answer_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:be8fd037c014b206294df506d00bb1a9a571865961fb9aa933711fdcfd5ee2c3
-size 2056790
diff --git a/quail_context_description_question_text/challenge-00000-of-00001.parquet b/quail_context_description_question_text/challenge-00000-of-00001.parquet
deleted file mode 100644
index 5929c0dd41359dbf580f66111a0d51a7aaf14746..0000000000000000000000000000000000000000
--- a/quail_context_description_question_text/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:22a5bba37a649fe11f763bd92ee6573984753f8c4e3cc621f1695d113e0eb2bb
-size 276113
diff --git a/quail_context_description_question_text/train-00000-of-00001.parquet b/quail_context_description_question_text/train-00000-of-00001.parquet
deleted file mode 100644
index e4e06ba9bd0428ad701a10952568cc62f91252e9..0000000000000000000000000000000000000000
--- a/quail_context_description_question_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c244b1e25f4bdf6b664bcf5880ea45bc27775b0c8556014e4c874b48d075c0f5
-size 8028809
diff --git a/quail_context_description_question_text/validation-00000-of-00001.parquet b/quail_context_description_question_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 7e67b7b33ef4210b6a0410828c8d15c33c9cfea5..0000000000000000000000000000000000000000
--- a/quail_context_description_question_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0ea1bc5a32233301ab198aafabf9916947a743c86f0650d56b95abd2e6dde05b
-size 2020178
diff --git a/quail_context_question_answer_description_id/challenge-00000-of-00001.parquet b/quail_context_question_answer_description_id/challenge-00000-of-00001.parquet
deleted file mode 100644
index 222f357cf8312b51d809f0beac04c7a0b7b030cd..0000000000000000000000000000000000000000
--- a/quail_context_question_answer_description_id/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4257aec2c83b76343096d91546673442e2a26a7fca322423a564ac37e859bc19
-size 282415
diff --git a/quail_context_question_answer_description_id/train-00000-of-00001.parquet b/quail_context_question_answer_description_id/train-00000-of-00001.parquet
deleted file mode 100644
index e46ee3c7ea4b00e329b41386c9d1e5d459e4a0b6..0000000000000000000000000000000000000000
--- a/quail_context_question_answer_description_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:01c29f4f356b80c4b3f8cbd0a3327e665a571cabda3163333ed6f7b43fd3886b
-size 8740131
diff --git a/quail_context_question_answer_description_id/validation-00000-of-00001.parquet b/quail_context_question_answer_description_id/validation-00000-of-00001.parquet
deleted file mode 100644
index 810b643419388819e96e1562c2c5bfe4307b0404..0000000000000000000000000000000000000000
--- a/quail_context_question_answer_description_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4e57e63498f690c1879bbf7a03f694ed63ba7d1815e96db3d89483a655869dc4
-size 1858005
diff --git a/quail_context_question_answer_description_text/challenge-00000-of-00001.parquet b/quail_context_question_answer_description_text/challenge-00000-of-00001.parquet
deleted file mode 100644
index 8cce82c0fe14a2d2db5b6576e8e320d5e07103fb..0000000000000000000000000000000000000000
--- a/quail_context_question_answer_description_text/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:33c488c1a3496394cf4946146bda03ea153ec6d0e592cd0ff6a82d591aa6f7cd
-size 323669
diff --git a/quail_context_question_answer_description_text/train-00000-of-00001.parquet b/quail_context_question_answer_description_text/train-00000-of-00001.parquet
deleted file mode 100644
index 32b732522ae730d3bdbecedfddafb88de847f98f..0000000000000000000000000000000000000000
--- a/quail_context_question_answer_description_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:86f8841c7806c94869429b4282b41f5b8d6d3bcbc09fc410d3e01d8d076619d2
-size 9565865
diff --git a/quail_context_question_answer_description_text/validation-00000-of-00001.parquet b/quail_context_question_answer_description_text/validation-00000-of-00001.parquet
deleted file mode 100644
index ad62ad4fb834f4a07791773abd3e827680bd4a12..0000000000000000000000000000000000000000
--- a/quail_context_question_answer_description_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:344dead2d4a40dd73b332eedb2092325f3a52f8687fa00751c69264205291edc
-size 2112676
diff --git a/quail_context_question_description_answer_id/challenge-00000-of-00001.parquet b/quail_context_question_description_answer_id/challenge-00000-of-00001.parquet
deleted file mode 100644
index 2eb356b811bfb606524b035f77867d9bc9706f37..0000000000000000000000000000000000000000
--- a/quail_context_question_description_answer_id/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e9f6c4480cef34414c5173f69bc5fdc9035faf7c4438f905ff7d818696d18959
-size 276955
diff --git a/quail_context_question_description_answer_id/train-00000-of-00001.parquet b/quail_context_question_description_answer_id/train-00000-of-00001.parquet
deleted file mode 100644
index 6f5fc4b5bfeb43c35e329e2438a886e324aa9b81..0000000000000000000000000000000000000000
--- a/quail_context_question_description_answer_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:21dba8de86377565166697836e14bc79019c2e26844b5b5875d619c078462255
-size 8821701
diff --git a/quail_context_question_description_answer_id/validation-00000-of-00001.parquet b/quail_context_question_description_answer_id/validation-00000-of-00001.parquet
deleted file mode 100644
index 6e441025b71f688fb88bd01f89eb819bf8306ac2..0000000000000000000000000000000000000000
--- a/quail_context_question_description_answer_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cf14725b4691c3bf20bb78365cdefad9e1762a21b3f617e4226c5013209f8de5
-size 1891842
diff --git a/quail_context_question_description_answer_text/challenge-00000-of-00001.parquet b/quail_context_question_description_answer_text/challenge-00000-of-00001.parquet
deleted file mode 100644
index da4e18d3aa5f308a7903e482f09baf9f8f04fd8f..0000000000000000000000000000000000000000
--- a/quail_context_question_description_answer_text/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cc8cad7d905f2a24975614c9a52e89124c930308c9cebf779be41ee67476f8de
-size 321638
diff --git a/quail_context_question_description_answer_text/train-00000-of-00001.parquet b/quail_context_question_description_answer_text/train-00000-of-00001.parquet
deleted file mode 100644
index 02fc0bb8c59d98b29f761e1c4af405358dcc21b1..0000000000000000000000000000000000000000
--- a/quail_context_question_description_answer_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:694b4cee3432fc9e628732c0dd809cf928d34301a6af6d2562b39ad9ff11f5df
-size 9526046
diff --git a/quail_context_question_description_answer_text/validation-00000-of-00001.parquet b/quail_context_question_description_answer_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 4f251875ac815af058d60e1daa9ba7ddf8a90064..0000000000000000000000000000000000000000
--- a/quail_context_question_description_answer_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:03ebd8a5c3e3c13143de9bf502c9cbe131a94515c9897d11bffa9f7809e21fc5
-size 2007323
diff --git a/quail_context_question_description_text/challenge-00000-of-00001.parquet b/quail_context_question_description_text/challenge-00000-of-00001.parquet
deleted file mode 100644
index aaecd405a7c84b14e2692e9842888694468da532..0000000000000000000000000000000000000000
--- a/quail_context_question_description_text/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fdd8157c9d29a7b5dad8d95db127029f6d467f1968f24a93d4a7f1181bfbc825
-size 271008
diff --git a/quail_context_question_description_text/train-00000-of-00001.parquet b/quail_context_question_description_text/train-00000-of-00001.parquet
deleted file mode 100644
index e36ee390e32fbe3d98761a43f5afc4b38566abd6..0000000000000000000000000000000000000000
--- a/quail_context_question_description_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:41d3470d51bcd9f4c4aa0e38ede697f4c0bf17e42f08e69d967076ff17562c22
-size 7567877
diff --git a/quail_context_question_description_text/validation-00000-of-00001.parquet b/quail_context_question_description_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 6c28a71860390e8adfdc6068955f7099973eab08..0000000000000000000000000000000000000000
--- a/quail_context_question_description_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a8a7432b6c969439e950e73c59bd816100d28b377166ccfa8192ccf213f31f9c
-size 1958519
diff --git a/quail_description_context_question_answer_id/challenge-00000-of-00001.parquet b/quail_description_context_question_answer_id/challenge-00000-of-00001.parquet
deleted file mode 100644
index 4a34fe331ab3ad49b762b9c18a4582ce07e12d26..0000000000000000000000000000000000000000
--- a/quail_description_context_question_answer_id/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9c9d3830ba361f9d7986826d2368de264a9fca6feb55799eb6aed6048303d3ef
-size 283035
diff --git a/quail_description_context_question_answer_id/train-00000-of-00001.parquet b/quail_description_context_question_answer_id/train-00000-of-00001.parquet
deleted file mode 100644
index 8fcee08917489a2c024bb0d477a0aaa4ed0ed6e0..0000000000000000000000000000000000000000
--- a/quail_description_context_question_answer_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1ddaaf650b7983605b3da80a01825ae454ed19ea2516623f01530df0a7042818
-size 9157135
diff --git a/quail_description_context_question_answer_id/validation-00000-of-00001.parquet b/quail_description_context_question_answer_id/validation-00000-of-00001.parquet
deleted file mode 100644
index ed9859dd75cfb15828df19cbea948796e70fd951..0000000000000000000000000000000000000000
--- a/quail_description_context_question_answer_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7e62862f61f2790076feb9af374ad41ea3d400329469a1cc545c863ab0efb33a
-size 1946303
diff --git a/quail_description_context_question_answer_text/challenge-00000-of-00001.parquet b/quail_description_context_question_answer_text/challenge-00000-of-00001.parquet
deleted file mode 100644
index 887924a8eaa171624cd769a839a99d1b7c28b734..0000000000000000000000000000000000000000
--- a/quail_description_context_question_answer_text/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bf684cd7b33c5b51848e799e067b759a5cbd7a08d60adc6e3a6b8658f484dcb0
-size 324246
diff --git a/quail_description_context_question_answer_text/train-00000-of-00001.parquet b/quail_description_context_question_answer_text/train-00000-of-00001.parquet
deleted file mode 100644
index 757367024147fb171947f26c3856d178271b7398..0000000000000000000000000000000000000000
--- a/quail_description_context_question_answer_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fc1dc92719ba7535480d20bd33d93802ebbd60ae5ade5ae21a394e5353f46677
-size 9947327
diff --git a/quail_description_context_question_answer_text/validation-00000-of-00001.parquet b/quail_description_context_question_answer_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 61e78ed91fcbb974ced556d4a7c2942e6e1cb20b..0000000000000000000000000000000000000000
--- a/quail_description_context_question_answer_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:366f27f57603d730b5fa0ba8a54dad4c80bf8746df597fb2bc8cc7b4d87245ce
-size 2125773
diff --git a/quail_description_context_question_text/challenge-00000-of-00001.parquet b/quail_description_context_question_text/challenge-00000-of-00001.parquet
deleted file mode 100644
index ba6f6acc90c7cc1c18da9968e8bc6ac4105d5c44..0000000000000000000000000000000000000000
--- a/quail_description_context_question_text/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:37dd9cd3326dc9d3ad98f1886d67d7516051d30210e07aab142510186e68d98d
-size 274415
diff --git a/quail_description_context_question_text/train-00000-of-00001.parquet b/quail_description_context_question_text/train-00000-of-00001.parquet
deleted file mode 100644
index fc101ee145dcbfd69f2c07fd7a4518ed870becd3..0000000000000000000000000000000000000000
--- a/quail_description_context_question_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:517c337c8b472a57d6bd5298a4842d46ba5e42d4c0af7a4566bcd811e23d938f
-size 7819462
diff --git a/quail_description_context_question_text/validation-00000-of-00001.parquet b/quail_description_context_question_text/validation-00000-of-00001.parquet
deleted file mode 100644
index 1e33ee9cf7537ef6d56951ccb9266484526f4ea0..0000000000000000000000000000000000000000
--- a/quail_description_context_question_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ce43ad574afbd007e32ed60ffe7114c5d74c796c67c7c0a6e6dfde193a54c8f2
-size 1931261
diff --git a/quail_no_prompt_id/challenge-00000-of-00001.parquet b/quail_no_prompt_id/challenge-00000-of-00001.parquet
deleted file mode 100644
index af0eff5363db2b0caa10f886b2f1c5525931ee3d..0000000000000000000000000000000000000000
--- a/quail_no_prompt_id/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a52308cc2fd1f1e67ce01ee54be7582b968db17b4ed96b181aaccaff58ced1e
-size 278295
diff --git a/quail_no_prompt_id/train-00000-of-00001.parquet b/quail_no_prompt_id/train-00000-of-00001.parquet
deleted file mode 100644
index 2373fcd3693c1aa3fda4c96213e8cf581063af93..0000000000000000000000000000000000000000
--- a/quail_no_prompt_id/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3cc4b148b83495a49e464f2df26cd3d581d3d54fedf363dc6e500907245b22b4
-size 8743781
diff --git a/quail_no_prompt_id/validation-00000-of-00001.parquet b/quail_no_prompt_id/validation-00000-of-00001.parquet
deleted file mode 100644
index 1fdca98127e80a565e1e66a305239b53bcf635aa..0000000000000000000000000000000000000000
--- a/quail_no_prompt_id/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:61ea537ac7155375ad80cbba763c8aa6a11c1f99323169a66323297a96abaea4
-size 1975632
diff --git a/quail_no_prompt_text/challenge-00000-of-00001.parquet b/quail_no_prompt_text/challenge-00000-of-00001.parquet
deleted file mode 100644
index f85ee0741666117b5fb0e7ff1eebb6923424fd86..0000000000000000000000000000000000000000
--- a/quail_no_prompt_text/challenge-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4ca1a3540e2b689548eda4429febf595233d50fbdf055c2c2a31861712704501
-size 317088
diff --git a/quail_no_prompt_text/train-00000-of-00001.parquet b/quail_no_prompt_text/train-00000-of-00001.parquet
deleted file mode 100644
index 61cd3d6c9ae74cbb47fa0046e70769521e51bdb8..0000000000000000000000000000000000000000
--- a/quail_no_prompt_text/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5148630deefd76fd7f270ca3769520d99dbf3a25b394fbeeca58792ec6b78fd0
-size 9438462
diff --git a/quail_no_prompt_text/validation-00000-of-00001.parquet b/quail_no_prompt_text/validation-00000-of-00001.parquet
deleted file mode 100644
index e640ca47e703a6add94883a3d3bfb7c5eece6738..0000000000000000000000000000000000000000
--- a/quail_no_prompt_text/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b4b53d16837d8b0169cc08b13baada1391e99e5864605b88ce3a615e7fdc9646
-size 2184363
diff --git a/quarel_choose_between/test-00000-of-00001.parquet b/quarel_choose_between/test-00000-of-00001.parquet
deleted file mode 100644
index bcfd9dfab2fb76f6ad041d8b3569aba73f500907..0000000000000000000000000000000000000000
--- a/quarel_choose_between/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:238b770adbd7d81ac5afd1e3dec4075d302450fc61008847c22f8564145cebcc
-size 153903
diff --git a/quarel_choose_between/train-00000-of-00001.parquet b/quarel_choose_between/train-00000-of-00001.parquet
deleted file mode 100644
index e07f776578298ec460a2c290e64e6f6d4e2fa475..0000000000000000000000000000000000000000
--- a/quarel_choose_between/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7d76724b21a0706b14a798564bea011cf1395816796c39be22ef372268a83602
-size 506073
diff --git a/quarel_choose_between/validation-00000-of-00001.parquet b/quarel_choose_between/validation-00000-of-00001.parquet
deleted file mode 100644
index f814682443f83c8ca636de5df08194f2826a830a..0000000000000000000000000000000000000000
--- a/quarel_choose_between/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:141e5e99d23ae127aeb26b7e5e0e4a7b281c1d9f0a5a2a1528d3e31dab6d818e
-size 84176
diff --git a/quarel_do_not_use/test-00000-of-00001.parquet b/quarel_do_not_use/test-00000-of-00001.parquet
deleted file mode 100644
index bfdf86b5837a0df8254c579b0875f37e8f80faaf..0000000000000000000000000000000000000000
--- a/quarel_do_not_use/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:02730437950e3f3b958b9886cdca2652fc2e73c6d6e21e4987656ffaa8639ece
-size 157232
diff --git a/quarel_do_not_use/train-00000-of-00001.parquet b/quarel_do_not_use/train-00000-of-00001.parquet
deleted file mode 100644
index 58daeeeedd646d48a980c42990a77bd76b7d5b9e..0000000000000000000000000000000000000000
--- a/quarel_do_not_use/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2df09621d26f80a65158d2f94c2a1a1fb0a8e3dde6ddcd9353637d87cc9db36f
-size 519007
diff --git a/quarel_do_not_use/validation-00000-of-00001.parquet b/quarel_do_not_use/validation-00000-of-00001.parquet
deleted file mode 100644
index 1235f7151867d3c4d66cda142d7f6691328b7731..0000000000000000000000000000000000000000
--- a/quarel_do_not_use/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b0f8c7e371eab9903744a58b0d3b0b8d23fb1891d1af20fc1d565c6783553e3
-size 86182
diff --git a/quarel_heres_a_story/test-00000-of-00001.parquet b/quarel_heres_a_story/test-00000-of-00001.parquet
deleted file mode 100644
index 3d8f1642e3b85d65437300418b2799c41c260dbe..0000000000000000000000000000000000000000
--- a/quarel_heres_a_story/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:99dde206772c1990071f0c4f2337c89dd6ff56a2e8b3beef3fb7cafbc57ebb96
-size 156051
diff --git a/quarel_heres_a_story/train-00000-of-00001.parquet b/quarel_heres_a_story/train-00000-of-00001.parquet
deleted file mode 100644
index fdaeb18c44ed30073a53a948608f34dc5fde0c9c..0000000000000000000000000000000000000000
--- a/quarel_heres_a_story/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:342e7d63344f8cb45f96486d735116e68f479b199ebc4642427f4577e2604e1a
-size 514697
diff --git a/quarel_heres_a_story/validation-00000-of-00001.parquet b/quarel_heres_a_story/validation-00000-of-00001.parquet
deleted file mode 100644
index 56192586bd2a3a7c263c39ef9609ee5ec1d40abd..0000000000000000000000000000000000000000
--- a/quarel_heres_a_story/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c96483e1f59977d581a133f0176f482b566d73e6594e84af2297bffb9bae3eed
-size 85079
diff --git a/quarel_logic_test/test-00000-of-00001.parquet b/quarel_logic_test/test-00000-of-00001.parquet
deleted file mode 100644
index 70224c5d83070e8d6a746e5c74c85dc4ab1ecb9a..0000000000000000000000000000000000000000
--- a/quarel_logic_test/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:60a1c8f450403ca632d060b9841b93df5b9b57da17f44340958a1797b38808e1
-size 155159
diff --git a/quarel_logic_test/train-00000-of-00001.parquet b/quarel_logic_test/train-00000-of-00001.parquet
deleted file mode 100644
index 73a9177042f11c26adc56167760ef2d6c68db377..0000000000000000000000000000000000000000
--- a/quarel_logic_test/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:da8d5a6297b325c8cd8dc544f872d1f51cbd3c8dffa0ef5f29e457e32695091d
-size 510870
diff --git a/quarel_logic_test/validation-00000-of-00001.parquet b/quarel_logic_test/validation-00000-of-00001.parquet
deleted file mode 100644
index e0eb50e7e0118233317c1b6597d72f4338e906b4..0000000000000000000000000000000000000000
--- a/quarel_logic_test/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:96e8196919954802ba8f090a3ef9671f5f2f920741e6c76695bd17b0fef8b481
-size 84354
diff --git a/quarel_testing_students/test-00000-of-00001.parquet b/quarel_testing_students/test-00000-of-00001.parquet
deleted file mode 100644
index 0c7b3c7205f36fd3e6a68826526568863db41549..0000000000000000000000000000000000000000
--- a/quarel_testing_students/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3a4944be74cb5de8aa398cdc62cc4da0e0cc1cd48cd973ce28819c7b7f44b353
-size 158279
diff --git a/quarel_testing_students/train-00000-of-00001.parquet b/quarel_testing_students/train-00000-of-00001.parquet
deleted file mode 100644
index 74d8eb3e1fa1cda845fb3ae8ad741dafbd481b15..0000000000000000000000000000000000000000
--- a/quarel_testing_students/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c448b566c09cf84af2509f1e970bfbd398d4b01035e1fdb8e6963e10119536c5
-size 520564
diff --git a/quarel_testing_students/validation-00000-of-00001.parquet b/quarel_testing_students/validation-00000-of-00001.parquet
deleted file mode 100644
index 6169936676b892d354ffd2f07b7f94652d1f6031..0000000000000000000000000000000000000000
--- a/quarel_testing_students/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0cc425220c53b3fa0330b3791b8484a92a34353d2e6d652199dbf80d114a49f1
-size 86134
diff --git a/quartz_answer_question_based_on/test-00000-of-00001.parquet b/quartz_answer_question_based_on/test-00000-of-00001.parquet
deleted file mode 100644
index d32955d8aa4a46a2758ffc8996a0ce5734e923d0..0000000000000000000000000000000000000000
--- a/quartz_answer_question_based_on/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5d4ebe658e011fcf2f5f208d014b647811160d6c252c57327fae0803d5eaa8dc
-size 158295
diff --git a/quartz_answer_question_based_on/train-00000-of-00001.parquet b/quartz_answer_question_based_on/train-00000-of-00001.parquet
deleted file mode 100644
index 1ee245b0bfa45fcc7cdbc18eeb01004d3d5924b0..0000000000000000000000000000000000000000
--- a/quartz_answer_question_based_on/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:eaa58470a54f7017f3af8a63569309b9eccc78279502ad3ad9de3c940ecab597
-size 595211
diff --git a/quartz_answer_question_based_on/validation-00000-of-00001.parquet b/quartz_answer_question_based_on/validation-00000-of-00001.parquet
deleted file mode 100644
index 5b3fd5d4b48f07efdcacabd42a67e4ef6899695f..0000000000000000000000000000000000000000
--- a/quartz_answer_question_based_on/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0db923f4eb0cd2ff81a25c6edc0497cd7b7b46563180d7c8771185b09ba2af61
-size 78421
diff --git a/quartz_answer_question_below/test-00000-of-00001.parquet b/quartz_answer_question_below/test-00000-of-00001.parquet
deleted file mode 100644
index 5417af93c43d11e3b74a733938c876accd96998f..0000000000000000000000000000000000000000
--- a/quartz_answer_question_below/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2d6037b0045ed62aa587b61ace3d67d55a4ce9b4ebba9f7bc2e6dce2a32ec1e1
-size 155875
diff --git a/quartz_answer_question_below/train-00000-of-00001.parquet b/quartz_answer_question_below/train-00000-of-00001.parquet
deleted file mode 100644
index 4cfc3efd02c0b140f7ea143ea062a0295ac3a3d1..0000000000000000000000000000000000000000
--- a/quartz_answer_question_below/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6ef43a9ba75aa276d3d73a21d9aed602602b120a41e1c0a798060b1330cf3c49
-size 583221
diff --git a/quartz_answer_question_below/validation-00000-of-00001.parquet b/quartz_answer_question_below/validation-00000-of-00001.parquet
deleted file mode 100644
index e6f3535eaffd9a58c5061fc720dab0c78b692b25..0000000000000000000000000000000000000000
--- a/quartz_answer_question_below/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5110afaa9a27252f99b56112ede2b1b01026d8cb2e000118844d88056013725e
-size 77203
diff --git a/quartz_given_the_fact_answer_the_q/test-00000-of-00001.parquet b/quartz_given_the_fact_answer_the_q/test-00000-of-00001.parquet
deleted file mode 100644
index 6985a3d93fedb4b84c1d77896b86bc2f287abe5e..0000000000000000000000000000000000000000
--- a/quartz_given_the_fact_answer_the_q/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:99e28f915ca70902ea280fcf0b7a68867395e10e5509cc4f7471327ad364aae1
-size 155528
diff --git a/quartz_given_the_fact_answer_the_q/train-00000-of-00001.parquet b/quartz_given_the_fact_answer_the_q/train-00000-of-00001.parquet
deleted file mode 100644
index 74a8087699eb4f639fe515ae1e9ba1a5c1008032..0000000000000000000000000000000000000000
--- a/quartz_given_the_fact_answer_the_q/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0a47bcb48fe87fe9d04475560c43ed4673bcfee36f4a47ea7b02e77bf3cc16af
-size 582720
diff --git a/quartz_given_the_fact_answer_the_q/validation-00000-of-00001.parquet b/quartz_given_the_fact_answer_the_q/validation-00000-of-00001.parquet
deleted file mode 100644
index 3c679912cdd82c13275cb2d59cadff3f5c0b359f..0000000000000000000000000000000000000000
--- a/quartz_given_the_fact_answer_the_q/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:170f854320aacd24d61570becd57d3054e7c80589ade9169cfbf277a695524f3
-size 81812
diff --git a/quartz_having_read_above_passage/test-00000-of-00001.parquet b/quartz_having_read_above_passage/test-00000-of-00001.parquet
deleted file mode 100644
index 957bd5b8801196ba8ca8f7f52272035b3a3ca6b5..0000000000000000000000000000000000000000
--- a/quartz_having_read_above_passage/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f0285d1f44028cd7867216e7b187643f0d289783c0147887bbfe4f3cbd648bd4
-size 174038
diff --git a/quartz_having_read_above_passage/train-00000-of-00001.parquet b/quartz_having_read_above_passage/train-00000-of-00001.parquet
deleted file mode 100644
index 8b196110341664ecc124a3b66810650c61ff8b44..0000000000000000000000000000000000000000
--- a/quartz_having_read_above_passage/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3015363011284dfb0a01cf476b20a0a40339660d0415424901d9f009059f371f
-size 639471
diff --git a/quartz_having_read_above_passage/validation-00000-of-00001.parquet b/quartz_having_read_above_passage/validation-00000-of-00001.parquet
deleted file mode 100644
index 6c7f3920f5e02711abc4ffee31ceee7c6e40c380..0000000000000000000000000000000000000000
--- a/quartz_having_read_above_passage/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:be3299c0652be23172db074a8484000a36346c643293317f93f6f30feb3322f2
-size 86478
diff --git a/quartz_paragraph_question_plain_concat/test-00000-of-00001.parquet b/quartz_paragraph_question_plain_concat/test-00000-of-00001.parquet
deleted file mode 100644
index beb66cd90d2c580816413fd757d86d2ff08df781..0000000000000000000000000000000000000000
--- a/quartz_paragraph_question_plain_concat/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3b12cea8f68888ad8315a2917fb5050a8f1bb83cb7d1c731de1f420abda65a00
-size 154246
diff --git a/quartz_paragraph_question_plain_concat/train-00000-of-00001.parquet b/quartz_paragraph_question_plain_concat/train-00000-of-00001.parquet
deleted file mode 100644
index bea1fdc3d8434e494fe44db1db6a1ecb89d5ae3f..0000000000000000000000000000000000000000
--- a/quartz_paragraph_question_plain_concat/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:256a00f32c374ad41c85e751a4cb224d08b754ca0aa87bf1b1ceb89e93986c9f
-size 585443
diff --git a/quartz_paragraph_question_plain_concat/validation-00000-of-00001.parquet b/quartz_paragraph_question_plain_concat/validation-00000-of-00001.parquet
deleted file mode 100644
index 56e6394cfb9a6f969ac3a8d4f880af5944cb18e9..0000000000000000000000000000000000000000
--- a/quartz_paragraph_question_plain_concat/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9783743790bd60d9ffac86fe1b7614fa6861c7b8d93ddb367ba0c02ff8eca648
-size 79973
diff --git a/quartz_read_passage_below_choose/test-00000-of-00001.parquet b/quartz_read_passage_below_choose/test-00000-of-00001.parquet
deleted file mode 100644
index eaedf1fac3073499ba282d7dcf83393e59c3ba74..0000000000000000000000000000000000000000
--- a/quartz_read_passage_below_choose/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8cdc4292cd855832834bed5b582686a3463cc9d174ceed384e3dc06f5dd8f65e
-size 174259
diff --git a/quartz_read_passage_below_choose/train-00000-of-00001.parquet b/quartz_read_passage_below_choose/train-00000-of-00001.parquet
deleted file mode 100644
index 9f1c9a0c57c9ee4b7faf036845c9318010baec59..0000000000000000000000000000000000000000
--- a/quartz_read_passage_below_choose/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4b9860bf70831c91f762794417515001e5e75fe2a4b80d7ffc736c41bb9cc182
-size 641307
diff --git a/quartz_read_passage_below_choose/validation-00000-of-00001.parquet b/quartz_read_passage_below_choose/validation-00000-of-00001.parquet
deleted file mode 100644
index 7a1762850cacf9210920fdb66f35dfb635d7c654..0000000000000000000000000000000000000000
--- a/quartz_read_passage_below_choose/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b862eb50ba712fa0f88e6b2c1e943d9d0b5186d6242c9b3ca87b38ba184218db
-size 85237
diff --git a/quartz_use_info_from_paragraph_question/test-00000-of-00001.parquet b/quartz_use_info_from_paragraph_question/test-00000-of-00001.parquet
deleted file mode 100644
index 8fdfb80f53da4b88db19489e57100f57e4096f87..0000000000000000000000000000000000000000
--- a/quartz_use_info_from_paragraph_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d45e7698f45df4692d671bedd93cb98afc0d975da7c28b5d3d4f3e2737769277
-size 165316
diff --git a/quartz_use_info_from_paragraph_question/train-00000-of-00001.parquet b/quartz_use_info_from_paragraph_question/train-00000-of-00001.parquet
deleted file mode 100644
index 19fe8e7d606b9982585be854108c2bb9a0759133..0000000000000000000000000000000000000000
--- a/quartz_use_info_from_paragraph_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f7d109964c301b6f24a51822d046ee44e8a30afd0b045dc582609366826ef7c2
-size 602908
diff --git a/quartz_use_info_from_paragraph_question/validation-00000-of-00001.parquet b/quartz_use_info_from_paragraph_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 95184b5a11b3ef44150725f42e5f91e685209374..0000000000000000000000000000000000000000
--- a/quartz_use_info_from_paragraph_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ab01095085fd5282751d844cf6a4c2dfb7ee37ad79cad36d29c6fadf7a980ab2
-size 80159
diff --git a/quartz_use_info_from_question_paragraph/test-00000-of-00001.parquet b/quartz_use_info_from_question_paragraph/test-00000-of-00001.parquet
deleted file mode 100644
index 12f9f71dadba0c51da9416312c1f94f9c4ded159..0000000000000000000000000000000000000000
--- a/quartz_use_info_from_question_paragraph/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bbbbf9bb3d7bb926867c385275aa895ca7671d64257b7755638e78fe2ef893e7
-size 158783
diff --git a/quartz_use_info_from_question_paragraph/train-00000-of-00001.parquet b/quartz_use_info_from_question_paragraph/train-00000-of-00001.parquet
deleted file mode 100644
index 62a17a682dbfbffc334c62354951022dceba5fb5..0000000000000000000000000000000000000000
--- a/quartz_use_info_from_question_paragraph/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:03183f9450915ceef8ba98794e0c1db9a6e02f712655b9b887d3b470e54855d7
-size 601331
diff --git a/quartz_use_info_from_question_paragraph/validation-00000-of-00001.parquet b/quartz_use_info_from_question_paragraph/validation-00000-of-00001.parquet
deleted file mode 100644
index 5bd2a6fea4d640dc8e6188ca15241bbee8f5e09a..0000000000000000000000000000000000000000
--- a/quartz_use_info_from_question_paragraph/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3c453a93e7ba905a9d5748cad371bd135b9b3884e136642decfe1c7a9ed58a11
-size 78988
diff --git a/quoref_Answer_Friend_Question/train-00000-of-00001.parquet b/quoref_Answer_Friend_Question/train-00000-of-00001.parquet
deleted file mode 100644
index 8a3a75d2fc4aad87661411c5b7bdf5d6f6067abd..0000000000000000000000000000000000000000
--- a/quoref_Answer_Friend_Question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:66db35cdc51d65ac4d348be2f7afbe82b33c489b1d90600d05e7087fc5875f0a
-size 18783163
diff --git a/quoref_Answer_Friend_Question/validation-00000-of-00001.parquet b/quoref_Answer_Friend_Question/validation-00000-of-00001.parquet
deleted file mode 100644
index a4165ef6b0cba01ca19f2a3d27e46b54c58a43df..0000000000000000000000000000000000000000
--- a/quoref_Answer_Friend_Question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2b3e24ada4aac604674ffafb4ce2316be164803f6b93d51128151f8facb1126c
-size 2389634
diff --git a/quoref_Answer_Question_Given_Context/train-00000-of-00001.parquet b/quoref_Answer_Question_Given_Context/train-00000-of-00001.parquet
deleted file mode 100644
index 7b3df85ec66b1aef71ec8c8373bd94998e0a76e6..0000000000000000000000000000000000000000
--- a/quoref_Answer_Question_Given_Context/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4b79e5d831ce2eb081feec613bacab2f95b746481ebe495eff6407d5504b09c0
-size 18622317
diff --git a/quoref_Answer_Question_Given_Context/validation-00000-of-00001.parquet b/quoref_Answer_Question_Given_Context/validation-00000-of-00001.parquet
deleted file mode 100644
index 1fef142ac4ae925ee793723e07a2cba44858dfa9..0000000000000000000000000000000000000000
--- a/quoref_Answer_Question_Given_Context/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:160e15cb96fac8145156d161e13c3427a76f5c2f5cedd2a6c224890a54eb72f7
-size 2462717
diff --git a/quoref_Answer_Test/train-00000-of-00001.parquet b/quoref_Answer_Test/train-00000-of-00001.parquet
deleted file mode 100644
index eb07a49fb12851e6ec0b23e92486c1e7261da3ca..0000000000000000000000000000000000000000
--- a/quoref_Answer_Test/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:42bc0f3aa0d72cff2c8944de77097453d00c0e4ebc92196277780f3de1960556
-size 18545772
diff --git a/quoref_Answer_Test/validation-00000-of-00001.parquet b/quoref_Answer_Test/validation-00000-of-00001.parquet
deleted file mode 100644
index c6abcfeb66f3fb150507e05cf7ec014ae81da9bf..0000000000000000000000000000000000000000
--- a/quoref_Answer_Test/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:83b81de5b3ddedce022d5953b4d2673e84324827883a83deb9801ec03d53cec5
-size 2287598
diff --git a/quoref_Context_Contains_Answer/train-00000-of-00001.parquet b/quoref_Context_Contains_Answer/train-00000-of-00001.parquet
deleted file mode 100644
index c53852ed25fe8ae10e78d2f8fbc6f8cd706e06d5..0000000000000000000000000000000000000000
--- a/quoref_Context_Contains_Answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:726e673c93feea5ca51a805de381768761a5dcd32d9574aefaab0fcf265a45e8
-size 18586637
diff --git a/quoref_Context_Contains_Answer/validation-00000-of-00001.parquet b/quoref_Context_Contains_Answer/validation-00000-of-00001.parquet
deleted file mode 100644
index f3162edaf43cf58cd05e19d7506902638158f346..0000000000000000000000000000000000000000
--- a/quoref_Context_Contains_Answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6a60c899025e0392eabb39315156b74ce5b0e328d463c71aa0556a36f4231bb6
-size 2397439
diff --git a/quoref_Find_Answer/train-00000-of-00001.parquet b/quoref_Find_Answer/train-00000-of-00001.parquet
deleted file mode 100644
index aa6f6174ee93dd49b3d67baf57130eea65d1ce28..0000000000000000000000000000000000000000
--- a/quoref_Find_Answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:50c920271f7c7e85511a8cfd2d95c276e4da8e8e9e0602ccf4646dbf5116ab5e
-size 18731042
diff --git a/quoref_Find_Answer/validation-00000-of-00001.parquet b/quoref_Find_Answer/validation-00000-of-00001.parquet
deleted file mode 100644
index f7f9c4d9053e57d2f219eab6aaf0ed4b2802c386..0000000000000000000000000000000000000000
--- a/quoref_Find_Answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:94e5f94cbc2dfcd9e5c7aa4f1eb85b914aef3ea8242deed1895b77c5e7d29aef
-size 2371440
diff --git a/quoref_Found_Context_Online/train-00000-of-00001.parquet b/quoref_Found_Context_Online/train-00000-of-00001.parquet
deleted file mode 100644
index c028fc9869c860889f912bbe73af889f42afdb62..0000000000000000000000000000000000000000
--- a/quoref_Found_Context_Online/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:22600d2ec51e2190c313e542ba4051fa72aea1a8eb32df0a0c30dd856704a9f0
-size 18692124
diff --git a/quoref_Found_Context_Online/validation-00000-of-00001.parquet b/quoref_Found_Context_Online/validation-00000-of-00001.parquet
deleted file mode 100644
index ff5443a7a551ba8fa8ac8db327d360ac874bf3ed..0000000000000000000000000000000000000000
--- a/quoref_Found_Context_Online/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:db1f13919ed6c194bbdbe5e5c3ed25776341ce071c01b3a66c1c5e68f63727b9
-size 2381590
diff --git a/quoref_Given_Context_Answer_Question/train-00000-of-00001.parquet b/quoref_Given_Context_Answer_Question/train-00000-of-00001.parquet
deleted file mode 100644
index 7978781faa3f04074dae41dd2e4fb57f3fa1d826..0000000000000000000000000000000000000000
--- a/quoref_Given_Context_Answer_Question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2e5651b5a556e43ea07be84b81316792ec49f7c2cbd06ce0f75174b7b5c7e162
-size 18719004
diff --git a/quoref_Given_Context_Answer_Question/validation-00000-of-00001.parquet b/quoref_Given_Context_Answer_Question/validation-00000-of-00001.parquet
deleted file mode 100644
index 59cc495836604b4397c066dc5a9b2bc18f686922..0000000000000000000000000000000000000000
--- a/quoref_Given_Context_Answer_Question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4e2cec3a945fd8192508d7a178aeb5660a14c4383bd60b6286051ebe646dbdef
-size 2236365
diff --git a/quoref_Guess_Answer/train-00000-of-00001.parquet b/quoref_Guess_Answer/train-00000-of-00001.parquet
deleted file mode 100644
index 983c9d1b67da5c2e129741f76889d1e109d4e8be..0000000000000000000000000000000000000000
--- a/quoref_Guess_Answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b996a46001c163b7495b88834a8d29374c66896f0ec7cf3b4c059ba70d82ef50
-size 18474242
diff --git a/quoref_Guess_Answer/validation-00000-of-00001.parquet b/quoref_Guess_Answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 97a94cd1f24e1d9383cb2063eda3071565bae918..0000000000000000000000000000000000000000
--- a/quoref_Guess_Answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:25eac7c23f64d770d04455d324a05eca4356da60c42e02f2e5f390236fd3bfc9
-size 2487191
diff --git a/quoref_Guess_Title_For_Context/train-00000-of-00001.parquet b/quoref_Guess_Title_For_Context/train-00000-of-00001.parquet
deleted file mode 100644
index 1f9289b445031ee06f9116b4116311f1acc1fb4d..0000000000000000000000000000000000000000
--- a/quoref_Guess_Title_For_Context/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f9a65c03caaca275cd157229184a6d072c2c7c802ff88685a9e07296d83456a
-size 14149779
diff --git a/quoref_Guess_Title_For_Context/validation-00000-of-00001.parquet b/quoref_Guess_Title_For_Context/validation-00000-of-00001.parquet
deleted file mode 100644
index 5286a8580d616d97f8e436d036298fc7f5389d35..0000000000000000000000000000000000000000
--- a/quoref_Guess_Title_For_Context/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c6638588c265f59a1a2fee4605fba6dfc4e17c9aebe053bb6954bf6835afa5e2
-size 1776421
diff --git a/quoref_Read_And_Extract_/train-00000-of-00001.parquet b/quoref_Read_And_Extract_/train-00000-of-00001.parquet
deleted file mode 100644
index a1091ae8fc03da41b985b9a824a93dbdd82c0eed..0000000000000000000000000000000000000000
--- a/quoref_Read_And_Extract_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:08b70f2b3823e1f9468e3db739866bde7127ce6670d127e89668481f341e3d0b
-size 18818992
diff --git a/quoref_Read_And_Extract_/validation-00000-of-00001.parquet b/quoref_Read_And_Extract_/validation-00000-of-00001.parquet
deleted file mode 100644
index 68a55db3478b8af4e2b1f4238b9a242c906d697b..0000000000000000000000000000000000000000
--- a/quoref_Read_And_Extract_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4db30a3b707f4e74df024990cb97b21d556fee7372703770485d398d965a76e4
-size 2367459
diff --git a/quoref_What_Is_The_Answer/train-00000-of-00001.parquet b/quoref_What_Is_The_Answer/train-00000-of-00001.parquet
deleted file mode 100644
index 4877e0ffe1da31909e30edde48ff4b29abda3e07..0000000000000000000000000000000000000000
--- a/quoref_What_Is_The_Answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee5dd2c53ffffb96c6c4c6ad0b3eb0726c56c8f1556562866dc223fdc1180263
-size 18634450
diff --git a/quoref_What_Is_The_Answer/validation-00000-of-00001.parquet b/quoref_What_Is_The_Answer/validation-00000-of-00001.parquet
deleted file mode 100644
index a2a49a7a3c147199bc04e7158d8646c6062a8570..0000000000000000000000000000000000000000
--- a/quoref_What_Is_The_Answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a2da6868d473da5c90b4ad7b0746abb5cb210849f742a23172c7f5a8ab97fe66
-size 2354526
diff --git a/race_high_Is_this_the_right_answer/test-00000-of-00001.parquet b/race_high_Is_this_the_right_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 8dcc1f6d3cfb93eede5fd2d3fae9289c7fe87a02..0000000000000000000000000000000000000000
--- a/race_high_Is_this_the_right_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4aa74d152542159c4891ac4a38fceba5827b3e3687d4fe8f887bb6b877ecaab3
-size 4079411
diff --git a/race_high_Is_this_the_right_answer/train-00000-of-00001.parquet b/race_high_Is_this_the_right_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 476ecbffabf9791532703501584e1e1db8a4a14d..0000000000000000000000000000000000000000
--- a/race_high_Is_this_the_right_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bceb967f6215182a149c5f321c6350258bd240235427a02618c7165fdff35be5
-size 72733360
diff --git a/race_high_Is_this_the_right_answer/validation-00000-of-00001.parquet b/race_high_Is_this_the_right_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index ff688949086ae95d00bf4dad33ef43d89156daf3..0000000000000000000000000000000000000000
--- a/race_high_Is_this_the_right_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:33cfeebd021fd6b5524e56ebbed8fc4d3c1fe9c7974e247eeda824da1f13427a
-size 4094562
diff --git a/race_high_Read_the_article_and_answer_the_question_no_option_/test-00000-of-00001.parquet b/race_high_Read_the_article_and_answer_the_question_no_option_/test-00000-of-00001.parquet
deleted file mode 100644
index eb7f2bbe1318fc04989966b3f67f633397027c24..0000000000000000000000000000000000000000
--- a/race_high_Read_the_article_and_answer_the_question_no_option_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ed09dd07d3068880d948bc42bdd1b5f14fe5a0b1d432fe4ca014d95af4f74392
-size 4515905
diff --git a/race_high_Read_the_article_and_answer_the_question_no_option_/train-00000-of-00001.parquet b/race_high_Read_the_article_and_answer_the_question_no_option_/train-00000-of-00001.parquet
deleted file mode 100644
index 9a3e906d542c77c1a7e4ba986c28747622741ef0..0000000000000000000000000000000000000000
--- a/race_high_Read_the_article_and_answer_the_question_no_option_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8bd4af8ba402762597b069fe4a721504bd2a90ea45f084da6cafae6aef6bfb0f
-size 79911125
diff --git a/race_high_Read_the_article_and_answer_the_question_no_option_/validation-00000-of-00001.parquet b/race_high_Read_the_article_and_answer_the_question_no_option_/validation-00000-of-00001.parquet
deleted file mode 100644
index 5f9d534a54ee4eec648b5fd847b65609faed4697..0000000000000000000000000000000000000000
--- a/race_high_Read_the_article_and_answer_the_question_no_option_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cdaec6af9db1d7bc330688b518f4695a2c35e224211aafc20cd982c4bb50a0c6
-size 4476553
diff --git a/race_high_Select_the_best_answer/test-00000-of-00001.parquet b/race_high_Select_the_best_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 0d4f3fc11dda4b4d89323753e78669e1483b81c6..0000000000000000000000000000000000000000
--- a/race_high_Select_the_best_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6d4d8bce68006593616341c5e4ee8e601f349330be5dfab8b61ac6519a6af124
-size 4521906
diff --git a/race_high_Select_the_best_answer/train-00000-of-00001.parquet b/race_high_Select_the_best_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 18f78bed1926ac36f4bdc4d22db7f28800ecfad3..0000000000000000000000000000000000000000
--- a/race_high_Select_the_best_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:63448695efb8dcf2fa91a8c6db950060198b7c9d73491b7919a4d3482f0cfef0
-size 79996944
diff --git a/race_high_Select_the_best_answer/validation-00000-of-00001.parquet b/race_high_Select_the_best_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 522f3ee8f5369c85b9180e6f0e5d3bff4ed0fada..0000000000000000000000000000000000000000
--- a/race_high_Select_the_best_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7ee7f33e6b95d9e1a731db8ab43bffada89966aad1915f92b0b221c2c48d8544
-size 4408338
diff --git a/race_high_Select_the_best_answer_generate_span_/test-00000-of-00001.parquet b/race_high_Select_the_best_answer_generate_span_/test-00000-of-00001.parquet
deleted file mode 100644
index 446cbdd4cab2bec2980954db0da51cbceb21fe0f..0000000000000000000000000000000000000000
--- a/race_high_Select_the_best_answer_generate_span_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a7014c97f594801e81b06eaa61b85cc8c9741f6354c27eb4771078c601d5ca8c
-size 4882445
diff --git a/race_high_Select_the_best_answer_generate_span_/train-00000-of-00001.parquet b/race_high_Select_the_best_answer_generate_span_/train-00000-of-00001.parquet
deleted file mode 100644
index 5ae19ed660808cb7d876916a724b8c212d45abda..0000000000000000000000000000000000000000
--- a/race_high_Select_the_best_answer_generate_span_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:90da514e106a2786b27bd69f5616e04022f9027daf64ed74deb299018bf31e03
-size 88651184
diff --git a/race_high_Select_the_best_answer_generate_span_/validation-00000-of-00001.parquet b/race_high_Select_the_best_answer_generate_span_/validation-00000-of-00001.parquet
deleted file mode 100644
index 65560efc14a4c91757bbbb02528297c75fb93458..0000000000000000000000000000000000000000
--- a/race_high_Select_the_best_answer_generate_span_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3c156af8eed346c76f4c24ec186ef90543dc329aa4d35c91af408100a1a2e1ef
-size 4908429
diff --git a/race_high_Select_the_best_answer_no_instructions_/test-00000-of-00001.parquet b/race_high_Select_the_best_answer_no_instructions_/test-00000-of-00001.parquet
deleted file mode 100644
index 83cf86a06479698f00c2c3b4962637f052459b79..0000000000000000000000000000000000000000
--- a/race_high_Select_the_best_answer_no_instructions_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f8669de79051e583666e12499fa61bfb122df6b42c039e6c738e49814a4564a4
-size 4405606
diff --git a/race_high_Select_the_best_answer_no_instructions_/train-00000-of-00001.parquet b/race_high_Select_the_best_answer_no_instructions_/train-00000-of-00001.parquet
deleted file mode 100644
index 6ba055de5d07fdafff499df4ce5b388c932fd6cb..0000000000000000000000000000000000000000
--- a/race_high_Select_the_best_answer_no_instructions_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:df4b5c41de667abb11e34eaac4dc82761df9607468e3f0cef07f2ca89745758c
-size 80093988
diff --git a/race_high_Select_the_best_answer_no_instructions_/validation-00000-of-00001.parquet b/race_high_Select_the_best_answer_no_instructions_/validation-00000-of-00001.parquet
deleted file mode 100644
index a8f63111d300a9ebaa40a32f486e066c6474b800..0000000000000000000000000000000000000000
--- a/race_high_Select_the_best_answer_no_instructions_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:537bd0c0566af105a5a3366d660c7ff91afca6e8e6d6062dbd17817e7b788c7b
-size 4414722
diff --git a/race_high_Taking_a_test/test-00000-of-00001.parquet b/race_high_Taking_a_test/test-00000-of-00001.parquet
deleted file mode 100644
index 037635933f8bbd311dca28147a6aaf043565291c..0000000000000000000000000000000000000000
--- a/race_high_Taking_a_test/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a78aa6a61003c55b52726116f92a333d24fa7416a44bd6184068f043191e34c3
-size 4439742
diff --git a/race_high_Taking_a_test/train-00000-of-00001.parquet b/race_high_Taking_a_test/train-00000-of-00001.parquet
deleted file mode 100644
index eccee8d5a4ff8f04e7cac784613799d4a5f42f15..0000000000000000000000000000000000000000
--- a/race_high_Taking_a_test/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:83d5a9bfe3956283a26c84ba61a99fa1ad78cd84d6849a95eabec828971d3569
-size 79278385
diff --git a/race_high_Taking_a_test/validation-00000-of-00001.parquet b/race_high_Taking_a_test/validation-00000-of-00001.parquet
deleted file mode 100644
index 450032f338fe58a70effef15c729ea489fb13839..0000000000000000000000000000000000000000
--- a/race_high_Taking_a_test/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:350ab6d6e2ec10cebd58e31c5f35b628a731ab31287c355ad515ca363a8854ef
-size 4401259
diff --git a/race_high_Write_a_multi_choice_question_for_the_following_article/test-00000-of-00001.parquet b/race_high_Write_a_multi_choice_question_for_the_following_article/test-00000-of-00001.parquet
deleted file mode 100644
index 4e639e16798e16aaeecd4d345b2b6568394b7e9c..0000000000000000000000000000000000000000
--- a/race_high_Write_a_multi_choice_question_for_the_following_article/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d5b8f83b3a1fbd67341bd892f9aa0dc3adf04416081d8da629b81a3954469dfe
-size 4130555
diff --git a/race_high_Write_a_multi_choice_question_for_the_following_article/train-00000-of-00001.parquet b/race_high_Write_a_multi_choice_question_for_the_following_article/train-00000-of-00001.parquet
deleted file mode 100644
index e23627cb45e066c1378425e819c3a4589a7c89ff..0000000000000000000000000000000000000000
--- a/race_high_Write_a_multi_choice_question_for_the_following_article/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2964b1d5710243c09a27cdc0da94a44423ad2dddeec4de6b4e1d83a5ba9fa3fa
-size 74543007
diff --git a/race_high_Write_a_multi_choice_question_for_the_following_article/validation-00000-of-00001.parquet b/race_high_Write_a_multi_choice_question_for_the_following_article/validation-00000-of-00001.parquet
deleted file mode 100644
index 37d0dc552941fef2262776853a006275098be5d9..0000000000000000000000000000000000000000
--- a/race_high_Write_a_multi_choice_question_for_the_following_article/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6e92d8a847f86838a6b8e0d214e6c6d9a0f2fef7f362f9caf2e777a8ba566740
-size 4157131
diff --git a/race_high_Write_a_multi_choice_question_options_given_/test-00000-of-00001.parquet b/race_high_Write_a_multi_choice_question_options_given_/test-00000-of-00001.parquet
deleted file mode 100644
index 6cbe3976aaa424249f4bdfb5516392fce071057e..0000000000000000000000000000000000000000
--- a/race_high_Write_a_multi_choice_question_options_given_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f804552b865185d89c5b0190666bb39ffb643a013ce870e6e0647573f1366314
-size 4473067
diff --git a/race_high_Write_a_multi_choice_question_options_given_/train-00000-of-00001.parquet b/race_high_Write_a_multi_choice_question_options_given_/train-00000-of-00001.parquet
deleted file mode 100644
index 547422b05712fa4c3543b8b2b19f3dab280ea3d2..0000000000000000000000000000000000000000
--- a/race_high_Write_a_multi_choice_question_options_given_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c7dd6006d8c5b7c7d30ea87b36b22c3e8145f182f2b9ce684cbe3ce7c8867ef3
-size 81244007
diff --git a/race_high_Write_a_multi_choice_question_options_given_/validation-00000-of-00001.parquet b/race_high_Write_a_multi_choice_question_options_given_/validation-00000-of-00001.parquet
deleted file mode 100644
index 6e41ae4505c330665240a948316436e25a52fe6a..0000000000000000000000000000000000000000
--- a/race_high_Write_a_multi_choice_question_options_given_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6c6d9c8106240fd4d82c8b2d1cc7eda0789c5909e3aae36727cccba219bf7dc1
-size 4510456
diff --git a/race_middle_Is_this_the_right_answer/test-00000-of-00001.parquet b/race_middle_Is_this_the_right_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 07fbdb7fa140fa4e9117ff5df27192f6bc92b067..0000000000000000000000000000000000000000
--- a/race_middle_Is_this_the_right_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a8a7a291cf797adcb5195f48259cb4c793a637935bcf532068cbaf17ee9089f
-size 1033130
diff --git a/race_middle_Is_this_the_right_answer/train-00000-of-00001.parquet b/race_middle_Is_this_the_right_answer/train-00000-of-00001.parquet
deleted file mode 100644
index c1eb23ddd8f2202e04553ee01c7b24434295bd27..0000000000000000000000000000000000000000
--- a/race_middle_Is_this_the_right_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b926cf30cb3df7a7c4990cf1283554e2571bc135d0634ccf48b07ab66747f885
-size 18942046
diff --git a/race_middle_Is_this_the_right_answer/validation-00000-of-00001.parquet b/race_middle_Is_this_the_right_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 30b91b50312cff79cb471d34b366d925c71eee0c..0000000000000000000000000000000000000000
--- a/race_middle_Is_this_the_right_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a1e21efa57dd9a6ef81d4c0879a6d223aaca3fd83e1f68684e73773d75888387
-size 995778
diff --git a/race_middle_Read_the_article_and_answer_the_question_no_option_/test-00000-of-00001.parquet b/race_middle_Read_the_article_and_answer_the_question_no_option_/test-00000-of-00001.parquet
deleted file mode 100644
index b226e105b7420c4d7ebf2d95c5b45a36c89c7b33..0000000000000000000000000000000000000000
--- a/race_middle_Read_the_article_and_answer_the_question_no_option_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3228c0bc6ed40eab148d3b91ec14bec634055a8a3abbde819d6023fc26cd77ca
-size 1137771
diff --git a/race_middle_Read_the_article_and_answer_the_question_no_option_/train-00000-of-00001.parquet b/race_middle_Read_the_article_and_answer_the_question_no_option_/train-00000-of-00001.parquet
deleted file mode 100644
index 673da3e196d2042d9fa9ebc9b4a91cf4e5a615c4..0000000000000000000000000000000000000000
--- a/race_middle_Read_the_article_and_answer_the_question_no_option_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:956570633d88fcbb3d4ff986bd009787ebfb2e4025c0b5ea4317839bf2a53d5c
-size 20816744
diff --git a/race_middle_Read_the_article_and_answer_the_question_no_option_/validation-00000-of-00001.parquet b/race_middle_Read_the_article_and_answer_the_question_no_option_/validation-00000-of-00001.parquet
deleted file mode 100644
index b2e2db0a35061fdf3fda3305c33e7aa28f80e8ab..0000000000000000000000000000000000000000
--- a/race_middle_Read_the_article_and_answer_the_question_no_option_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c235ba5fba2fc52ef5a89b36ad75828785d29689da4fdb8a7dac10787611a64a
-size 1129363
diff --git a/race_middle_Select_the_best_answer/test-00000-of-00001.parquet b/race_middle_Select_the_best_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 4d8ca48f443996be663185e601aa2262b76ce52a..0000000000000000000000000000000000000000
--- a/race_middle_Select_the_best_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e31d833d3f1056cc05413113c4231201f9644d99682c8f3fbf2ec5279c400386
-size 1126247
diff --git a/race_middle_Select_the_best_answer/train-00000-of-00001.parquet b/race_middle_Select_the_best_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 5451a4218e5aedccdb84b4d7c208e5012356dd54..0000000000000000000000000000000000000000
--- a/race_middle_Select_the_best_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a0e4c11f600727b789a32247f31717a745b404f5ab238a627d29a0e02fabb07
-size 20892409
diff --git a/race_middle_Select_the_best_answer/validation-00000-of-00001.parquet b/race_middle_Select_the_best_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 02bd78ea4333c5ab0ea0291fd07254f1f59964aa..0000000000000000000000000000000000000000
--- a/race_middle_Select_the_best_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:082fd8596f2cd0a4448f9f26090a67fe6d7e8a60e2809b4eb867e47fedcf5d5d
-size 1220058
diff --git a/race_middle_Select_the_best_answer_generate_span_/test-00000-of-00001.parquet b/race_middle_Select_the_best_answer_generate_span_/test-00000-of-00001.parquet
deleted file mode 100644
index 593650fa2d5336ecdfb91fc3813d5635374eef82..0000000000000000000000000000000000000000
--- a/race_middle_Select_the_best_answer_generate_span_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0ddd9100a2e83c02c084e264f6cbe3b3c4d1d62fa635064d283168c4b9371155
-size 1262241
diff --git a/race_middle_Select_the_best_answer_generate_span_/train-00000-of-00001.parquet b/race_middle_Select_the_best_answer_generate_span_/train-00000-of-00001.parquet
deleted file mode 100644
index cf2fdcd764010e69ff20fd0238e979e70a996a64..0000000000000000000000000000000000000000
--- a/race_middle_Select_the_best_answer_generate_span_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2798321ebeb749f770080941b838de463052b5119ab5dff41bde648f6579f121
-size 23515870
diff --git a/race_middle_Select_the_best_answer_generate_span_/validation-00000-of-00001.parquet b/race_middle_Select_the_best_answer_generate_span_/validation-00000-of-00001.parquet
deleted file mode 100644
index b688af398c7f5a5bec25d8fec6970a3f10ee33c9..0000000000000000000000000000000000000000
--- a/race_middle_Select_the_best_answer_generate_span_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a4ae9000160462670ebae297157401a05a8cb6e1a85483c3bf15326d20f92bd0
-size 1340166
diff --git a/race_middle_Select_the_best_answer_no_instructions_/test-00000-of-00001.parquet b/race_middle_Select_the_best_answer_no_instructions_/test-00000-of-00001.parquet
deleted file mode 100644
index 403b10d3f0d334921be16d88fe6edfb6047522f0..0000000000000000000000000000000000000000
--- a/race_middle_Select_the_best_answer_no_instructions_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6c129bed3e0289c0bf293230dc4a0cf5930fb12436f264b56d27ab3b38917688
-size 1110365
diff --git a/race_middle_Select_the_best_answer_no_instructions_/train-00000-of-00001.parquet b/race_middle_Select_the_best_answer_no_instructions_/train-00000-of-00001.parquet
deleted file mode 100644
index 68356426e5d64c2ee523fefd8710a59e70ba24de..0000000000000000000000000000000000000000
--- a/race_middle_Select_the_best_answer_no_instructions_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bf26c6a7826093ff3e173472a58a23285435d8645478f51e059a171d6aa66389
-size 20735427
diff --git a/race_middle_Select_the_best_answer_no_instructions_/validation-00000-of-00001.parquet b/race_middle_Select_the_best_answer_no_instructions_/validation-00000-of-00001.parquet
deleted file mode 100644
index 40fdbece489082c2eed3c5360f67a273272bb730..0000000000000000000000000000000000000000
--- a/race_middle_Select_the_best_answer_no_instructions_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:535a674c74c4681882b9b5047046750a77e53c4f9417e70a2504eb0825e46951
-size 1203520
diff --git a/race_middle_Taking_a_test/test-00000-of-00001.parquet b/race_middle_Taking_a_test/test-00000-of-00001.parquet
deleted file mode 100644
index 9dd4e91a6ff6e4ac8000a5abc3121f7c90346144..0000000000000000000000000000000000000000
--- a/race_middle_Taking_a_test/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1b4cf9d943277991194121efc34562ce9f46a5fe47f404ecc70002bf2715046e
-size 1113417
diff --git a/race_middle_Taking_a_test/train-00000-of-00001.parquet b/race_middle_Taking_a_test/train-00000-of-00001.parquet
deleted file mode 100644
index fbbfb6a5524435f037414cc0aa9e1db08ab7cf53..0000000000000000000000000000000000000000
--- a/race_middle_Taking_a_test/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4f5352528f6e410f0bfdd116940c1471c46a0d256d4c47a8c72d7c03d88f5a84
-size 21078336
diff --git a/race_middle_Taking_a_test/validation-00000-of-00001.parquet b/race_middle_Taking_a_test/validation-00000-of-00001.parquet
deleted file mode 100644
index 298e1b23ae61d0e93f07f83421ab30767abf615b..0000000000000000000000000000000000000000
--- a/race_middle_Taking_a_test/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aec3ccdd315d1d12a05e2120b13f599682fb44ed06e8eb270593b709f309357c
-size 1224197
diff --git a/race_middle_Write_a_multi_choice_question_for_the_following_article/test-00000-of-00001.parquet b/race_middle_Write_a_multi_choice_question_for_the_following_article/test-00000-of-00001.parquet
deleted file mode 100644
index 43fffcc47852593d92097d96fea4f05b810397a2..0000000000000000000000000000000000000000
--- a/race_middle_Write_a_multi_choice_question_for_the_following_article/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d85be519dc5efc9324b80ae6c7b7faf63befd4b9e8e81faf08e0ecbc8d259cfa
-size 1060325
diff --git a/race_middle_Write_a_multi_choice_question_for_the_following_article/train-00000-of-00001.parquet b/race_middle_Write_a_multi_choice_question_for_the_following_article/train-00000-of-00001.parquet
deleted file mode 100644
index 465e53ac0b45ea814a13f0f2e18dea77811150fe..0000000000000000000000000000000000000000
--- a/race_middle_Write_a_multi_choice_question_for_the_following_article/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f6f8167453ff326feec31c937286f24b4ee551d6243b6c4d4c965dca60e07361
-size 19598884
diff --git a/race_middle_Write_a_multi_choice_question_for_the_following_article/validation-00000-of-00001.parquet b/race_middle_Write_a_multi_choice_question_for_the_following_article/validation-00000-of-00001.parquet
deleted file mode 100644
index 65050fb50e46518c96ae6d02f526328ff6c389e3..0000000000000000000000000000000000000000
--- a/race_middle_Write_a_multi_choice_question_for_the_following_article/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7eba7cbfc892b1565b4e2f07639e0bd1103927b0e41208b0bdd633dc036de275
-size 1033432
diff --git a/race_middle_Write_a_multi_choice_question_options_given_/test-00000-of-00001.parquet b/race_middle_Write_a_multi_choice_question_options_given_/test-00000-of-00001.parquet
deleted file mode 100644
index 90f2dd45df3c784c39bd49a198e93ce83806e8ba..0000000000000000000000000000000000000000
--- a/race_middle_Write_a_multi_choice_question_options_given_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fba26faa42b6507743dc92eae460e9cfcc23a8df0db71aecc530d7d3f48a77ee
-size 1187526
diff --git a/race_middle_Write_a_multi_choice_question_options_given_/train-00000-of-00001.parquet b/race_middle_Write_a_multi_choice_question_options_given_/train-00000-of-00001.parquet
deleted file mode 100644
index 041703606915649d36387a3de32a6a6d33c4f822..0000000000000000000000000000000000000000
--- a/race_middle_Write_a_multi_choice_question_options_given_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:353f360ccdbc91511ac48218f3273021ab06d64d0642d300276a91305a41a352
-size 21733050
diff --git a/race_middle_Write_a_multi_choice_question_options_given_/validation-00000-of-00001.parquet b/race_middle_Write_a_multi_choice_question_options_given_/validation-00000-of-00001.parquet
deleted file mode 100644
index 090f4316e1991f8bf64a39eed210ac2109baa5ce..0000000000000000000000000000000000000000
--- a/race_middle_Write_a_multi_choice_question_options_given_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:52298856839cc3982ecdc9837c04b53fb2d768038a89f729cebff3991966f363
-size 1159180
diff --git a/ropes_background_new_situation_answer/train-00000-of-00001.parquet b/ropes_background_new_situation_answer/train-00000-of-00001.parquet
deleted file mode 100644
index a2579ab3966cd732f550faa3fbcd919b734a4887..0000000000000000000000000000000000000000
--- a/ropes_background_new_situation_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:067d629ab5911df38ecbe879b99dc7fd6261382635c5c161cf7dc4fdb564dd5c
-size 3344457
diff --git a/ropes_background_new_situation_answer/validation-00000-of-00001.parquet b/ropes_background_new_situation_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 7a0d3be760b8dfdcb69142620ef90d0fe9f931e6..0000000000000000000000000000000000000000
--- a/ropes_background_new_situation_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b5d4bfda687e15dd507a2ffdd3bfc419450a5d07b2c782f28aa1da415b5f08c6
-size 349145
diff --git a/ropes_background_situation_middle/train-00000-of-00001.parquet b/ropes_background_situation_middle/train-00000-of-00001.parquet
deleted file mode 100644
index cfc3738f7e3a6de2311fbfdfb0aada91a32b81bc..0000000000000000000000000000000000000000
--- a/ropes_background_situation_middle/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:02df4399e6c5ca076dbb80507cf426f1f7c2989dc08b354446e69708b20a47c2
-size 3283853
diff --git a/ropes_background_situation_middle/validation-00000-of-00001.parquet b/ropes_background_situation_middle/validation-00000-of-00001.parquet
deleted file mode 100644
index b702724cccbe23a8c871efb94757cfbfd2eef691..0000000000000000000000000000000000000000
--- a/ropes_background_situation_middle/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:173da0713af0ef8d9d47ee2a961937d83f06a8ce528268dbe56b2efdf4c46eb2
-size 348352
diff --git a/ropes_given_background_situation/train-00000-of-00001.parquet b/ropes_given_background_situation/train-00000-of-00001.parquet
deleted file mode 100644
index ebe6b4083cb6f80ecc6bc77a1c7d0417b05a4460..0000000000000000000000000000000000000000
--- a/ropes_given_background_situation/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1ec6b4ee65a66259ff1c6554de489214b3746ac2d9e729e573ae21f056eae21e
-size 3356644
diff --git a/ropes_given_background_situation/validation-00000-of-00001.parquet b/ropes_given_background_situation/validation-00000-of-00001.parquet
deleted file mode 100644
index 1cb7f23e61120713d3beaf7e783b33cc8dbad6d0..0000000000000000000000000000000000000000
--- a/ropes_given_background_situation/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5eacc7154064bab205166c32e38b517fe4eae7a2ba116d498f2897380c365a5a
-size 344346
diff --git a/ropes_new_situation_background_answer/train-00000-of-00001.parquet b/ropes_new_situation_background_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 7802acbf47274cb4b9dd01bf4314b89b14b9fea7..0000000000000000000000000000000000000000
--- a/ropes_new_situation_background_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:118bbb6f6371e2131b6cb109888f78cb0d97bd136a1a459b067a29dd84eeba02
-size 3298621
diff --git a/ropes_new_situation_background_answer/validation-00000-of-00001.parquet b/ropes_new_situation_background_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index def2b3cff5af8c5210b3397b72a445334442fc60..0000000000000000000000000000000000000000
--- a/ropes_new_situation_background_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:15f485d355910ff5facfbcb9650d55640164f51957bbc48e08f61da2c741bdf6
-size 351800
diff --git a/ropes_plain_background_situation/train-00000-of-00001.parquet b/ropes_plain_background_situation/train-00000-of-00001.parquet
deleted file mode 100644
index a6134996554a7005fff60efb2cb93b35a10587d5..0000000000000000000000000000000000000000
--- a/ropes_plain_background_situation/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b4998703bc318dc8610d0d03fbe3aa9892c7e08d96b9209d6ab677863bff86f
-size 3265625
diff --git a/ropes_plain_background_situation/validation-00000-of-00001.parquet b/ropes_plain_background_situation/validation-00000-of-00001.parquet
deleted file mode 100644
index 932e48ad29029f255108e06f606dac0f06be0303..0000000000000000000000000000000000000000
--- a/ropes_plain_background_situation/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b386a02989430edf663516157c65c8cdb709b228825e1b2482f52f7858c50950
-size 378591
diff --git a/ropes_plain_bottom_hint/train-00000-of-00001.parquet b/ropes_plain_bottom_hint/train-00000-of-00001.parquet
deleted file mode 100644
index 3ebf266091c0b3af962ae365f1984db6b7648d9f..0000000000000000000000000000000000000000
--- a/ropes_plain_bottom_hint/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:eb67128454fb3f283da3441a00d063bd3e265bf6bbbe6818f52de4167a14f820
-size 3238501
diff --git a/ropes_plain_bottom_hint/validation-00000-of-00001.parquet b/ropes_plain_bottom_hint/validation-00000-of-00001.parquet
deleted file mode 100644
index df673bbdb5328e896f030853a29636ea665591ec..0000000000000000000000000000000000000000
--- a/ropes_plain_bottom_hint/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:07e9b2273e1812063dde5cc371a719eddc055e003ce0ea21e1edbc39bf57a332
-size 338819
diff --git a/ropes_plain_no_background/train-00000-of-00001.parquet b/ropes_plain_no_background/train-00000-of-00001.parquet
deleted file mode 100644
index 91bdef66a159cbb2be0f549632a58b3c369341a2..0000000000000000000000000000000000000000
--- a/ropes_plain_no_background/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:689e6f3765c4a1af0778e7b2216e68b54b8910fcdec7630919963b5a72150e5d
-size 1475771
diff --git a/ropes_plain_no_background/validation-00000-of-00001.parquet b/ropes_plain_no_background/validation-00000-of-00001.parquet
deleted file mode 100644
index 382ab1b2cc612e18b1bdb70e22cc98b9fefbcd0a..0000000000000000000000000000000000000000
--- a/ropes_plain_no_background/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9b2f68cd0cf65d77244f29d90f96e6a617724172b9cb1c7e6c2aa9f8f65bca50
-size 209865
diff --git a/ropes_prompt_beginning/train-00000-of-00001.parquet b/ropes_prompt_beginning/train-00000-of-00001.parquet
deleted file mode 100644
index 87c0a29a3b7370df64194cd215212557cef6e4b9..0000000000000000000000000000000000000000
--- a/ropes_prompt_beginning/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f0d98dae8389b5b0e04aae85c02e7ae2795884ed9dbc9db018377446f90c0dd2
-size 3318250
diff --git a/ropes_prompt_beginning/validation-00000-of-00001.parquet b/ropes_prompt_beginning/validation-00000-of-00001.parquet
deleted file mode 100644
index 0ef43fcf24cbc4c732b1ab414e7ce48b11799b3f..0000000000000000000000000000000000000000
--- a/ropes_prompt_beginning/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d1f208fd050af85cced54722001c33c45bf3039e1fcf36154b760a448e4af7b0
-size 346164
diff --git a/ropes_prompt_bottom_hint_beginning/train-00000-of-00001.parquet b/ropes_prompt_bottom_hint_beginning/train-00000-of-00001.parquet
deleted file mode 100644
index 5e5b0aa4d613e3d2c9a6327a3a7bf26c4259a3a9..0000000000000000000000000000000000000000
--- a/ropes_prompt_bottom_hint_beginning/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4faab4beb7d53175c07790a20e3860919c84358cb982034fd094ba4e21e9ef8a
-size 3372280
diff --git a/ropes_prompt_bottom_hint_beginning/validation-00000-of-00001.parquet b/ropes_prompt_bottom_hint_beginning/validation-00000-of-00001.parquet
deleted file mode 100644
index f0a1e038a1326c10716c782f6fb6f8224f2d10d9..0000000000000000000000000000000000000000
--- a/ropes_prompt_bottom_hint_beginning/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:67495b2381cbc995476451c011c0e3f034678ded00b15c95c2638cef3e79bb79
-size 349920
diff --git a/ropes_prompt_bottom_no_hint/train-00000-of-00001.parquet b/ropes_prompt_bottom_no_hint/train-00000-of-00001.parquet
deleted file mode 100644
index 30d23b2cbd9f8a16b203b2a61305a81dfb7d2103..0000000000000000000000000000000000000000
--- a/ropes_prompt_bottom_no_hint/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:01845ba8d9dd657e289ea6d25a187d4ca274151ab65e3a5708622189f0757ca6
-size 1512851
diff --git a/ropes_prompt_bottom_no_hint/validation-00000-of-00001.parquet b/ropes_prompt_bottom_no_hint/validation-00000-of-00001.parquet
deleted file mode 100644
index f42fd0d05fca9618aafa959b00d65259251001d8..0000000000000000000000000000000000000000
--- a/ropes_prompt_bottom_no_hint/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d0148628a2b7492b82368c7cc2227a47b18a9bfc3bf2768335dd2a0f183a40d0
-size 222030
diff --git a/ropes_prompt_mix/train-00000-of-00001.parquet b/ropes_prompt_mix/train-00000-of-00001.parquet
deleted file mode 100644
index fbfe6fd223a30420eedc7dd9ed926e86bccf6d03..0000000000000000000000000000000000000000
--- a/ropes_prompt_mix/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3a8d00b212b1a9e540f777772fb60355c9593dd786f19123b4b6c0c44d907f92
-size 3297050
diff --git a/ropes_prompt_mix/validation-00000-of-00001.parquet b/ropes_prompt_mix/validation-00000-of-00001.parquet
deleted file mode 100644
index 43a3b4ea0f6efef7542c23c5cc75e600efa43a2a..0000000000000000000000000000000000000000
--- a/ropes_prompt_mix/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6a4e9ecd4c6b2deeff3c3cc60bd03a154c553f141ca6c290b452eae2510919f5
-size 345431
diff --git a/ropes_read_background_situation/train-00000-of-00001.parquet b/ropes_read_background_situation/train-00000-of-00001.parquet
deleted file mode 100644
index 992a760b69c1f3a01021c7c0879c75600a9dea45..0000000000000000000000000000000000000000
--- a/ropes_read_background_situation/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2757d1e7d196d3035a9a304ecd76e3993add812baedc44e526b43a32b26e4114
-size 3401011
diff --git a/ropes_read_background_situation/validation-00000-of-00001.parquet b/ropes_read_background_situation/validation-00000-of-00001.parquet
deleted file mode 100644
index 40028418c4839f71155ed3323f4d459ed2ed3495..0000000000000000000000000000000000000000
--- a/ropes_read_background_situation/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4965cbfc731bb049fc9d0a74194bc90b059d0a178db9027acf8ab3983c097d76
-size 373477
diff --git a/rotten_tomatoes_Movie_Expressed_Sentiment/test-00000-of-00001.parquet b/rotten_tomatoes_Movie_Expressed_Sentiment/test-00000-of-00001.parquet
deleted file mode 100644
index e401985d1804396a1e4e9e68121a4fc053edc5d4..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Movie_Expressed_Sentiment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dd79e7620fec55d237bc09707ddc1229dfa8711d5bb30d7f5a49e693e44aa928
-size 179436
diff --git a/rotten_tomatoes_Movie_Expressed_Sentiment/train-00000-of-00001.parquet b/rotten_tomatoes_Movie_Expressed_Sentiment/train-00000-of-00001.parquet
deleted file mode 100644
index 23a5746b8af081375da32a76860d3ced77db7055..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Movie_Expressed_Sentiment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8de470bd6e4bbbe6c510c023af4e02b5a49f35ba4103d061f42084a54255a85d
-size 1359478
diff --git a/rotten_tomatoes_Movie_Expressed_Sentiment/validation-00000-of-00001.parquet b/rotten_tomatoes_Movie_Expressed_Sentiment/validation-00000-of-00001.parquet
deleted file mode 100644
index 9e8b291ce77d8fc0f1294f8f9a1dbdedbce6322c..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Movie_Expressed_Sentiment/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2d433bc8c2e5635fe0463578c00cfe5a452bdf2f2c22bdc88f213d4ad097a519
-size 176279
diff --git a/rotten_tomatoes_Movie_Expressed_Sentiment_2/test-00000-of-00001.parquet b/rotten_tomatoes_Movie_Expressed_Sentiment_2/test-00000-of-00001.parquet
deleted file mode 100644
index 994daedbb8ec50e17a375e84722ced46be682df3..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Movie_Expressed_Sentiment_2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3a79f72fcd3859c5fa7684b231efa172e122ccfcaaa222b2e298f70f4e5e7c92
-size 179330
diff --git a/rotten_tomatoes_Movie_Expressed_Sentiment_2/train-00000-of-00001.parquet b/rotten_tomatoes_Movie_Expressed_Sentiment_2/train-00000-of-00001.parquet
deleted file mode 100644
index 164f79964e69b81ba5221fda6b030dca345a2245..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Movie_Expressed_Sentiment_2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4e9f39840266a6bc93e7f558abb509df5122dfed68a3530d0b7ae12e939fddee
-size 1362702
diff --git a/rotten_tomatoes_Movie_Expressed_Sentiment_2/validation-00000-of-00001.parquet b/rotten_tomatoes_Movie_Expressed_Sentiment_2/validation-00000-of-00001.parquet
deleted file mode 100644
index fbb649f34cf18284dc4bbfbebcf126721790e9ba..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Movie_Expressed_Sentiment_2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0851fa202dba1769e8606aa5556171949c47bccfc6c3296630cae01d9b420c87
-size 176958
diff --git a/rotten_tomatoes_Reviewer_Enjoyment/test-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Enjoyment/test-00000-of-00001.parquet
deleted file mode 100644
index 4c2a09a82cb501b797aceba5e1ea321806001186..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Enjoyment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c670360747cb7c785ddd4c0f4a7a9a33d7912bab924d1a1b412f453166289496
-size 180487
diff --git a/rotten_tomatoes_Reviewer_Enjoyment/train-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Enjoyment/train-00000-of-00001.parquet
deleted file mode 100644
index 3900b40bb41455f47d3f82b574f3228a90528735..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Enjoyment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a70cbb612baf3393c79074e936c92a9db0507bed840d78e324f823b49e4c96e6
-size 1366546
diff --git a/rotten_tomatoes_Reviewer_Enjoyment/validation-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Enjoyment/validation-00000-of-00001.parquet
deleted file mode 100644
index 28c6c6e7e72ff07a071494455a4efb22aa7476e1..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Enjoyment/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4f1eb764cc7a3d0872a76919fea9aedab79d1963fe0a87ccefe4fca9c4deba9f
-size 177372
diff --git a/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/test-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/test-00000-of-00001.parquet
deleted file mode 100644
index 1a232fa0c0cca64b8ac9dfd7b149c5ae7840df39..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3bc8614bfb6495fac94b70b7fa7b6317a5a469590c2ef435579c405177094893
-size 179158
diff --git a/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/train-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/train-00000-of-00001.parquet
deleted file mode 100644
index 948898c21e09e5182e9a8ba7263819eb2e8a9638..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4e4aef8513a554a2552a650f779ec5a460763f4d4261e77b586e54c45920de78
-size 1357332
diff --git a/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/validation-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/validation-00000-of-00001.parquet
deleted file mode 100644
index 2f5d514a5e2934001652386a69e143e20fa77bf1..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Enjoyment_Yes_No/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a29b47249a898d6908215f490240969103af5d9614df44baf6b7800d7143b518
-size 176115
diff --git a/rotten_tomatoes_Reviewer_Expressed_Sentiment/test-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Expressed_Sentiment/test-00000-of-00001.parquet
deleted file mode 100644
index 327915cf57b30f6772ee69f57c12d843bbb7211c..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Expressed_Sentiment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:86763e7042332f205cdbeed81704eae1ba7342938b185f4fa1893e33fe208ed3
-size 182931
diff --git a/rotten_tomatoes_Reviewer_Expressed_Sentiment/train-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Expressed_Sentiment/train-00000-of-00001.parquet
deleted file mode 100644
index a37bfd6e8b727616ce3b28e11c7569d7dd04eb24..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Expressed_Sentiment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:00b934b68bc62462aaf1e3aa1c3794adeb36e747b64fc0236c177e5cb24b579a
-size 1389203
diff --git a/rotten_tomatoes_Reviewer_Expressed_Sentiment/validation-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Expressed_Sentiment/validation-00000-of-00001.parquet
deleted file mode 100644
index dd4992383811d479a89c7d4f3989e839554e2fc0..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Expressed_Sentiment/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2d9ea28ce58f2d8af05405995306868f3e6fde0f8424cd32235ae3c3f82d44ad
-size 180235
diff --git a/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/test-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/test-00000-of-00001.parquet
deleted file mode 100644
index 1dde3ec926b3e2ec94a1ec5f793d1ed3838b4f2a..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6a65e2728ce4e66f43687e7114a19dd87a2ad421d8378fec79eb75cb68ea515b
-size 180052
diff --git a/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/train-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/train-00000-of-00001.parquet
deleted file mode 100644
index 77be0af56b5dd1f489e0187f5b4e5f769daa221a..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:27628a5d56ea634ee889ccc260ff95317ad282391fcc366182a5b88a9a8db5c2
-size 1365115
diff --git a/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/validation-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/validation-00000-of-00001.parquet
deleted file mode 100644
index 250f69c0d691942eb9566ec296fba8f6aa3d5e45..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Opinion_bad_good_choices/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:34006cab03b38f0c885a26324e00d167b46ea1b7a7641f0efe1ae18cf02fafa5
-size 177004
diff --git a/rotten_tomatoes_Reviewer_Sentiment_Feeling/test-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Sentiment_Feeling/test-00000-of-00001.parquet
deleted file mode 100644
index fab312c616f96d76dcc74acd5287a1ab1c7c58d1..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Sentiment_Feeling/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ff7302d5f2efcec1087b0986260fd850d62991304f1b9a1d9efeea149c010cc6
-size 179455
diff --git a/rotten_tomatoes_Reviewer_Sentiment_Feeling/train-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Sentiment_Feeling/train-00000-of-00001.parquet
deleted file mode 100644
index 637c3ca9718f8f7ae40345af44bb5df86351edb8..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Sentiment_Feeling/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:40c25f9c5d386a48b9500108238e408641cbd697bf9fa24fcec36f0ceabc9873
-size 1363123
diff --git a/rotten_tomatoes_Reviewer_Sentiment_Feeling/validation-00000-of-00001.parquet b/rotten_tomatoes_Reviewer_Sentiment_Feeling/validation-00000-of-00001.parquet
deleted file mode 100644
index f733156a9eb273b4c9b1c960f387bf15ee4a1892..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Reviewer_Sentiment_Feeling/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:51a88bc1cf0140566b302aca3ac836979e9525faa89e8f51fb5a401e758cf83e
-size 176846
diff --git a/rotten_tomatoes_Sentiment_with_choices_/test-00000-of-00001.parquet b/rotten_tomatoes_Sentiment_with_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index cdfa75ed01c92cdcc036ad97d0726de022700d16..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Sentiment_with_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a9dc09bda4e7e8d634a6cc9f8ba6c9b95824a6864d67be73745ee94373cec84b
-size 179631
diff --git a/rotten_tomatoes_Sentiment_with_choices_/train-00000-of-00001.parquet b/rotten_tomatoes_Sentiment_with_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index d4d16e1c8753b2478f54060cebd98b5614b0c04d..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Sentiment_with_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e3d461bb8f7bc6579a654b9a1da47326529f2a0cb9ee12f5535e6d2a2013a397
-size 1360537
diff --git a/rotten_tomatoes_Sentiment_with_choices_/validation-00000-of-00001.parquet b/rotten_tomatoes_Sentiment_with_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index 6d72ec9ea1602cd7d82ceba93400c9219ebd01d6..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Sentiment_with_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c0c7f08f022cdcdfcd2382e9d9abd33deae0b85b989845ca7efe9b860c82944a
-size 176332
diff --git a/rotten_tomatoes_Text_Expressed_Sentiment/test-00000-of-00001.parquet b/rotten_tomatoes_Text_Expressed_Sentiment/test-00000-of-00001.parquet
deleted file mode 100644
index 28233caee2d5fed13ad863da7e4c7ec0babd05e4..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Text_Expressed_Sentiment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b1410242c9946efa0ece8ad32454376f8e2e0d038aea2f889623c0936c668480
-size 179707
diff --git a/rotten_tomatoes_Text_Expressed_Sentiment/train-00000-of-00001.parquet b/rotten_tomatoes_Text_Expressed_Sentiment/train-00000-of-00001.parquet
deleted file mode 100644
index 4247a6ff37cb835d70173f93299980f782fe326f..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Text_Expressed_Sentiment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1f141dd7c290db26bff673fc6d71ae694252b22b8d8b7942d0fe65c38f349ae6
-size 1365233
diff --git a/rotten_tomatoes_Text_Expressed_Sentiment/validation-00000-of-00001.parquet b/rotten_tomatoes_Text_Expressed_Sentiment/validation-00000-of-00001.parquet
deleted file mode 100644
index 29137260854dbee6c95e52766c9287fc56ed713b..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Text_Expressed_Sentiment/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a8d58b4ca901cd6bb5ca36afbe5b4950f1c86750073c79b6ea026336ca05200d
-size 177050
diff --git a/rotten_tomatoes_Writer_Expressed_Sentiment/test-00000-of-00001.parquet b/rotten_tomatoes_Writer_Expressed_Sentiment/test-00000-of-00001.parquet
deleted file mode 100644
index 31fae8c7cc025cfb16e077b0901aae3b9724e00f..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Writer_Expressed_Sentiment/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e3fdc56175f10ae4336db63777e20ac6e3a1639fc7a56517c6d76179369d60ed
-size 180429
diff --git a/rotten_tomatoes_Writer_Expressed_Sentiment/train-00000-of-00001.parquet b/rotten_tomatoes_Writer_Expressed_Sentiment/train-00000-of-00001.parquet
deleted file mode 100644
index 53fb05b29017193b5ca606a51d2f7735d2ee1723..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Writer_Expressed_Sentiment/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:96d6cd85066f109baa74267f51860d26bc1c52d3ee4aed45524da800066312dc
-size 1368390
diff --git a/rotten_tomatoes_Writer_Expressed_Sentiment/validation-00000-of-00001.parquet b/rotten_tomatoes_Writer_Expressed_Sentiment/validation-00000-of-00001.parquet
deleted file mode 100644
index 2e0c99118a2e92264d3a79e2d84adbdeaff42d41..0000000000000000000000000000000000000000
--- a/rotten_tomatoes_Writer_Expressed_Sentiment/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6af8d6541631f87bf1c611a23df33a9619493d2bac5bfcfac3db0d25d100aee9
-size 177445
diff --git a/samsum_Generate_a_summary_for_this_dialogue/test-00000-of-00001.parquet b/samsum_Generate_a_summary_for_this_dialogue/test-00000-of-00001.parquet
deleted file mode 100644
index 9353b54e9f90e8a0bd0603530797d8f6419ad8c6..0000000000000000000000000000000000000000
--- a/samsum_Generate_a_summary_for_this_dialogue/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8c196be76963e7cfa2d3c79d996cb6107d06644b5f641bea42f6f4f12fee3524
-size 630666
diff --git a/samsum_Generate_a_summary_for_this_dialogue/train-00000-of-00001.parquet b/samsum_Generate_a_summary_for_this_dialogue/train-00000-of-00001.parquet
deleted file mode 100644
index 4e4abfb9ee220fe5cd24510e9a81233215bee6b9..0000000000000000000000000000000000000000
--- a/samsum_Generate_a_summary_for_this_dialogue/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8c1d5a8469e6c6c9dabbd4b72c45919fe4734c9532baa31d3445c425699f91b9
-size 10992207
diff --git a/samsum_Generate_a_summary_for_this_dialogue/validation-00000-of-00001.parquet b/samsum_Generate_a_summary_for_this_dialogue/validation-00000-of-00001.parquet
deleted file mode 100644
index dd695e9c5f439d79df008827f10621769315a5fd..0000000000000000000000000000000000000000
--- a/samsum_Generate_a_summary_for_this_dialogue/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0aa9099f20054f027a2adaf876718e05ad4cc141fca42cfc19d6fe8ade6d700a
-size 608303
diff --git a/samsum_Given_the_above_dialogue_write_a_summary/test-00000-of-00001.parquet b/samsum_Given_the_above_dialogue_write_a_summary/test-00000-of-00001.parquet
deleted file mode 100644
index fe674c53fe0da6e60507118e676c006a523f47a4..0000000000000000000000000000000000000000
--- a/samsum_Given_the_above_dialogue_write_a_summary/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a4ba641b407b43dc3bff0d7ac9d2eea293e45a722f0680d3f961861a253e32d7
-size 637211
diff --git a/samsum_Given_the_above_dialogue_write_a_summary/train-00000-of-00001.parquet b/samsum_Given_the_above_dialogue_write_a_summary/train-00000-of-00001.parquet
deleted file mode 100644
index 92e755c8119ab072ee4445ae2a50d7d3c4907e82..0000000000000000000000000000000000000000
--- a/samsum_Given_the_above_dialogue_write_a_summary/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1f7818e654bb9ff3b562555a02f9e9fb0d4616751b09255e72b0b31929acede1
-size 11038863
diff --git a/samsum_Given_the_above_dialogue_write_a_summary/validation-00000-of-00001.parquet b/samsum_Given_the_above_dialogue_write_a_summary/validation-00000-of-00001.parquet
deleted file mode 100644
index 6927706b1f2270c97f9b5db7906298e7b55ad237..0000000000000000000000000000000000000000
--- a/samsum_Given_the_above_dialogue_write_a_summary/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0b2a660ccee80dd2701f1eba0ca0d9a92dc194f33fbbadb1be21b2871dc593c9
-size 611722
diff --git a/samsum_Sum_up_the_following_dialogue/test-00000-of-00001.parquet b/samsum_Sum_up_the_following_dialogue/test-00000-of-00001.parquet
deleted file mode 100644
index ff5d58b4962d4bfa59fbd4ed71f5c5dbd3c26d9d..0000000000000000000000000000000000000000
--- a/samsum_Sum_up_the_following_dialogue/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5d1faf193f3476fe5a387a3044c98d35bf8e81a1cead5d6f5a9cf54299e00093
-size 629100
diff --git a/samsum_Sum_up_the_following_dialogue/train-00000-of-00001.parquet b/samsum_Sum_up_the_following_dialogue/train-00000-of-00001.parquet
deleted file mode 100644
index c3bc2526a8b4f7d377ba9aa01cd01448ce3273ef..0000000000000000000000000000000000000000
--- a/samsum_Sum_up_the_following_dialogue/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e4f64dd6d5418917ee61efd79c0eaa009a24dbf8303ba77c7ae43b20a44013cc
-size 10994964
diff --git a/samsum_Sum_up_the_following_dialogue/validation-00000-of-00001.parquet b/samsum_Sum_up_the_following_dialogue/validation-00000-of-00001.parquet
deleted file mode 100644
index d247f47d24f5c4932e4f0a7da30a8e3524ad6fb4..0000000000000000000000000000000000000000
--- a/samsum_Sum_up_the_following_dialogue/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:61386a2bda414baa56ed34563738001dbb0e6874550e70969df5359f383cfa46
-size 600022
diff --git a/samsum_Summarize_/test-00000-of-00001.parquet b/samsum_Summarize_/test-00000-of-00001.parquet
deleted file mode 100644
index 0ebef6305262d29329c82b3070fffb31afb86b90..0000000000000000000000000000000000000000
--- a/samsum_Summarize_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0a6ca188aed375dc59435ced218e2c427f489b4649c1318cd2a3c0bf5a981158
-size 629868
diff --git a/samsum_Summarize_/train-00000-of-00001.parquet b/samsum_Summarize_/train-00000-of-00001.parquet
deleted file mode 100644
index d13c3aba40b5b0b5db31bb998fec4cefe8a8ce59..0000000000000000000000000000000000000000
--- a/samsum_Summarize_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:696e06796757246b9a11aaa68b8804ea56c23eecab4fcabe5db20a1e18f7d15e
-size 10944010
diff --git a/samsum_Summarize_/validation-00000-of-00001.parquet b/samsum_Summarize_/validation-00000-of-00001.parquet
deleted file mode 100644
index 66038952b9ae1f8a49a0bcd1ec2549269798a8c5..0000000000000000000000000000000000000000
--- a/samsum_Summarize_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:23d691cba8f7ac8fb3d13a5c8fb66ef504d189365e368f3c43edfb8d0ee5c36f
-size 604747
diff --git a/samsum_Summarize_this_dialogue_/test-00000-of-00001.parquet b/samsum_Summarize_this_dialogue_/test-00000-of-00001.parquet
deleted file mode 100644
index 55cdd8f81345a3874b39d74b0610bafe9d0e3db5..0000000000000000000000000000000000000000
--- a/samsum_Summarize_this_dialogue_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b7c1bf72a1d01bd7669dbff3cefc5edec3936c5ffadb0dea5a6b225ae875675a
-size 628220
diff --git a/samsum_Summarize_this_dialogue_/train-00000-of-00001.parquet b/samsum_Summarize_this_dialogue_/train-00000-of-00001.parquet
deleted file mode 100644
index 4d3bb301f67888ba5cf8ec2b2b879140d6f3dacf..0000000000000000000000000000000000000000
--- a/samsum_Summarize_this_dialogue_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ba167fbfeef0604052122202c21eb3aab754130b3b6fbdfdd887008bb01c7c4a
-size 10985647
diff --git a/samsum_Summarize_this_dialogue_/validation-00000-of-00001.parquet b/samsum_Summarize_this_dialogue_/validation-00000-of-00001.parquet
deleted file mode 100644
index b621693d711f8358c6c6576500669af680c30da4..0000000000000000000000000000000000000000
--- a/samsum_Summarize_this_dialogue_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:010ba836232139405f6795aaa61250be87fa3d46e4d69fa61f57aef12bd5ecec
-size 603624
diff --git a/samsum_To_sum_up_this_dialog/test-00000-of-00001.parquet b/samsum_To_sum_up_this_dialog/test-00000-of-00001.parquet
deleted file mode 100644
index 57522e6792f187bf2ce582d3630979e8e212311f..0000000000000000000000000000000000000000
--- a/samsum_To_sum_up_this_dialog/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8cd23de5625e1ca7e04e52357a0e2d4e3143f5778c3f7988fc27838b11323c51
-size 635145
diff --git a/samsum_To_sum_up_this_dialog/train-00000-of-00001.parquet b/samsum_To_sum_up_this_dialog/train-00000-of-00001.parquet
deleted file mode 100644
index d0a1c224abbeda135ec8d8f01b0ce83e9fd64e1e..0000000000000000000000000000000000000000
--- a/samsum_To_sum_up_this_dialog/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:427a534b69674a6b15cd0e97e2ce5c9e6e1df6b593a5d623ae6155dfcf6bd34f
-size 11011443
diff --git a/samsum_To_sum_up_this_dialog/validation-00000-of-00001.parquet b/samsum_To_sum_up_this_dialog/validation-00000-of-00001.parquet
deleted file mode 100644
index 4ec806118fab52f15c36ba63f719c9a3a4047f92..0000000000000000000000000000000000000000
--- a/samsum_To_sum_up_this_dialog/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a5d6f3afac6d38f601d0586b6b0cd7380c6494fb42743c7fe4ffbd5815e967d0
-size 603930
diff --git a/samsum_Write_a_dialogue_that_match_this_summary/test-00000-of-00001.parquet b/samsum_Write_a_dialogue_that_match_this_summary/test-00000-of-00001.parquet
deleted file mode 100644
index 0e1118b76217a34a86d57419a469a3b84a5ddae4..0000000000000000000000000000000000000000
--- a/samsum_Write_a_dialogue_that_match_this_summary/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:09a0e2d9eace01cddd4f996e86b96ff7f98ad3ef4f3baa6574ce185b887d4332
-size 626031
diff --git a/samsum_Write_a_dialogue_that_match_this_summary/train-00000-of-00001.parquet b/samsum_Write_a_dialogue_that_match_this_summary/train-00000-of-00001.parquet
deleted file mode 100644
index 7cd58469af85214b62129c8142baa5f88d914670..0000000000000000000000000000000000000000
--- a/samsum_Write_a_dialogue_that_match_this_summary/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9ecd49612b31977034d45d606fca011d34557a7bfc6a37328f392f2ecd11796b
-size 10915439
diff --git a/samsum_Write_a_dialogue_that_match_this_summary/validation-00000-of-00001.parquet b/samsum_Write_a_dialogue_that_match_this_summary/validation-00000-of-00001.parquet
deleted file mode 100644
index 110fb3664d212bcf3c08b7659b826201856945a2..0000000000000000000000000000000000000000
--- a/samsum_Write_a_dialogue_that_match_this_summary/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ca038fd269b00ad3cbb5f942b93a1a806a829be1dcd470de1ac051eabc32c03d
-size 601237
diff --git a/sciq_Direct_Question/test-00000-of-00001.parquet b/sciq_Direct_Question/test-00000-of-00001.parquet
deleted file mode 100644
index 6d48ec44756cc02eab8f79e7e34e949dce4c6eec..0000000000000000000000000000000000000000
--- a/sciq_Direct_Question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1d76848f3ec003d76fbea1a7160119661b5d17bda325f0db624849418e6de42a
-size 577922
diff --git a/sciq_Direct_Question/train-00000-of-00001.parquet b/sciq_Direct_Question/train-00000-of-00001.parquet
deleted file mode 100644
index b11ce5b1023c110f0ec465217e924ef281412050..0000000000000000000000000000000000000000
--- a/sciq_Direct_Question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c8956abc7b1f7457eeae318deccb4e7512ff3c8f94e13a5d4a57fc7691719c20
-size 6595918
diff --git a/sciq_Direct_Question/validation-00000-of-00001.parquet b/sciq_Direct_Question/validation-00000-of-00001.parquet
deleted file mode 100644
index 4a36bad77dc29e7df8fab03c6ce53415041e0757..0000000000000000000000000000000000000000
--- a/sciq_Direct_Question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f36f183ee3614768e2c4d8fd5bc6a188c9446e747ae825326f6fe4dafc8c4a44
-size 554584
diff --git a/sciq_Direct_Question_Closed_Book_/test-00000-of-00001.parquet b/sciq_Direct_Question_Closed_Book_/test-00000-of-00001.parquet
deleted file mode 100644
index baf42b239e5fff9b300589531ee75aa51f3cd33e..0000000000000000000000000000000000000000
--- a/sciq_Direct_Question_Closed_Book_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:de186dfa29ae4f7606dec1a78e5666034f1e9eadc46e54e33fa69eaeb0060f22
-size 147156
diff --git a/sciq_Direct_Question_Closed_Book_/train-00000-of-00001.parquet b/sciq_Direct_Question_Closed_Book_/train-00000-of-00001.parquet
deleted file mode 100644
index 399d5d8d2b878790275b277c6ff1ea4dcf6cdfdb..0000000000000000000000000000000000000000
--- a/sciq_Direct_Question_Closed_Book_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:246dd69a63d28318e74aaf8fc37e3cf7274585fb0099809cbe72d06ed7d0c641
-size 1713535
diff --git a/sciq_Direct_Question_Closed_Book_/validation-00000-of-00001.parquet b/sciq_Direct_Question_Closed_Book_/validation-00000-of-00001.parquet
deleted file mode 100644
index 9f71ca1de9b9b9d00c1c213bae94f5b9ee34355b..0000000000000000000000000000000000000000
--- a/sciq_Direct_Question_Closed_Book_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1ca0033309e4bd55b7718a27e5164902cdc5f89a31d8c07ee2aa3c38abaeed29
-size 151540
diff --git a/sciq_Multiple_Choice/test-00000-of-00001.parquet b/sciq_Multiple_Choice/test-00000-of-00001.parquet
deleted file mode 100644
index 1c41b55ad68ec5f8adce9054caa2b1e54b2bceb6..0000000000000000000000000000000000000000
--- a/sciq_Multiple_Choice/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6f7fbe690a568c5eb3b4cc1cc61f579a1321d43977df7de9827d96d8babdd6c6
-size 635651
diff --git a/sciq_Multiple_Choice/train-00000-of-00001.parquet b/sciq_Multiple_Choice/train-00000-of-00001.parquet
deleted file mode 100644
index 154f384a6c3dba9e361c3a0c340b08914c5882b1..0000000000000000000000000000000000000000
--- a/sciq_Multiple_Choice/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:74edb82d59f9ebd0f015080a2ddf7d11ee21d9e1e738e2b50a34e24fe7705889
-size 7378066
diff --git a/sciq_Multiple_Choice/validation-00000-of-00001.parquet b/sciq_Multiple_Choice/validation-00000-of-00001.parquet
deleted file mode 100644
index 97f9abd1e5c6857cd315436a1c17324400bc7c03..0000000000000000000000000000000000000000
--- a/sciq_Multiple_Choice/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:be45a8466592e2060556bd02bcee02aa3ad385cd299eb32a97ab6cf2b72c31ed
-size 621716
diff --git a/sciq_Multiple_Choice_Closed_Book_/test-00000-of-00001.parquet b/sciq_Multiple_Choice_Closed_Book_/test-00000-of-00001.parquet
deleted file mode 100644
index 42bc711585e2e3e658f65357028b7f40cf64ef64..0000000000000000000000000000000000000000
--- a/sciq_Multiple_Choice_Closed_Book_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8f537c3761ac4de2502f97554aa41d7b89bac6874ed60afef75afbfc61eee72b
-size 210075
diff --git a/sciq_Multiple_Choice_Closed_Book_/train-00000-of-00001.parquet b/sciq_Multiple_Choice_Closed_Book_/train-00000-of-00001.parquet
deleted file mode 100644
index 53a053aacbeb210f3cab889e60ad7a9d1605b4b0..0000000000000000000000000000000000000000
--- a/sciq_Multiple_Choice_Closed_Book_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:533bd3fdb30d809b9dd0d1197ed4665fb92962b16d42faa975a3fee03e9b41c8
-size 2493292
diff --git a/sciq_Multiple_Choice_Closed_Book_/validation-00000-of-00001.parquet b/sciq_Multiple_Choice_Closed_Book_/validation-00000-of-00001.parquet
deleted file mode 100644
index e65d55e2398230b4312178e5aa20da888c6d3805..0000000000000000000000000000000000000000
--- a/sciq_Multiple_Choice_Closed_Book_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:68867d772896db7e133453d604ddc95f05011546b08eecd268fe5dc97fa2f250
-size 223980
diff --git a/sciq_Multiple_Choice_Question_First/test-00000-of-00001.parquet b/sciq_Multiple_Choice_Question_First/test-00000-of-00001.parquet
deleted file mode 100644
index 8bb9fb206974872e72ab4262a0538a2acf679f52..0000000000000000000000000000000000000000
--- a/sciq_Multiple_Choice_Question_First/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ad52435ab8bbd230b20a453ab9ad4ca45ad7facb47d0b644d101957f2e09fddb
-size 638789
diff --git a/sciq_Multiple_Choice_Question_First/train-00000-of-00001.parquet b/sciq_Multiple_Choice_Question_First/train-00000-of-00001.parquet
deleted file mode 100644
index b61dd65adf1a9d596948d61fcac6f711ec060958..0000000000000000000000000000000000000000
--- a/sciq_Multiple_Choice_Question_First/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:70c0699aa56960e5c1af0de3ebccdf0667f920581c7844e8b584eaff80a20a1f
-size 7474620
diff --git a/sciq_Multiple_Choice_Question_First/validation-00000-of-00001.parquet b/sciq_Multiple_Choice_Question_First/validation-00000-of-00001.parquet
deleted file mode 100644
index cbc6e760c676e0fa95150844927a09c62bde45f9..0000000000000000000000000000000000000000
--- a/sciq_Multiple_Choice_Question_First/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4b9072934634245f8a4ef613b3f75a6982b71ca2943c9e61d420384a35a07baf
-size 641398
diff --git a/social_i_qa_Check_if_a_random_answer_is_valid_or_not/train-00000-of-00001.parquet b/social_i_qa_Check_if_a_random_answer_is_valid_or_not/train-00000-of-00001.parquet
deleted file mode 100644
index 7c57d2829a8ae5acffff026e917784e57bce615f..0000000000000000000000000000000000000000
--- a/social_i_qa_Check_if_a_random_answer_is_valid_or_not/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:19a9125baf9f11a6281cb06fd845b49e3d1bfca2dfebddb3a0fcb39dee0c3d89
-size 4649140
diff --git a/social_i_qa_Check_if_a_random_answer_is_valid_or_not/validation-00000-of-00001.parquet b/social_i_qa_Check_if_a_random_answer_is_valid_or_not/validation-00000-of-00001.parquet
deleted file mode 100644
index deb3841d884114c904b5767599d3cb0e38ad23e5..0000000000000000000000000000000000000000
--- a/social_i_qa_Check_if_a_random_answer_is_valid_or_not/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d65a14211aa6899a944d6e5dc6ab99d8862b9729ef3c2019aecc818bd9415f2f
-size 270321
diff --git a/social_i_qa_Generate_answer/train-00000-of-00001.parquet b/social_i_qa_Generate_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 8ec912c4e82e2ee5c72f3bf69b06f3c62423efe7..0000000000000000000000000000000000000000
--- a/social_i_qa_Generate_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:beab083fdae2523f51bf7ebcd68f1af7d8726d054f2b4ea1704f123a006dce24
-size 6067680
diff --git a/social_i_qa_Generate_answer/validation-00000-of-00001.parquet b/social_i_qa_Generate_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 7f04193e5d1e7b07229554e64fd11cfffb7d794f..0000000000000000000000000000000000000000
--- a/social_i_qa_Generate_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:902e23cc5e083c814833f9f10e60ada76e6279ac57e5d721ec5badb487f06557
-size 353496
diff --git a/social_i_qa_Generate_the_question_from_the_answer/train-00000-of-00001.parquet b/social_i_qa_Generate_the_question_from_the_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 8a1f7f2371023821c3cd893598f76bb3afb9d8c1..0000000000000000000000000000000000000000
--- a/social_i_qa_Generate_the_question_from_the_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3e40fdb3e344231ed3e839016ee9f71aa04dc34fd0f448a0ac9a2472961e1226
-size 4440335
diff --git a/social_i_qa_Generate_the_question_from_the_answer/validation-00000-of-00001.parquet b/social_i_qa_Generate_the_question_from_the_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index e80610cf74a93363fc8f21f5940028b0658d5955..0000000000000000000000000000000000000000
--- a/social_i_qa_Generate_the_question_from_the_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dcffbb6b2bc4e14c4cff7e37603cfec3ed3f2c8bb441ab7ad76d7e456e9d33b1
-size 258332
diff --git a/social_i_qa_I_was_wondering/train-00000-of-00001.parquet b/social_i_qa_I_was_wondering/train-00000-of-00001.parquet
deleted file mode 100644
index 439f8a05b3cb6dd2715445c4464f4f496022c47d..0000000000000000000000000000000000000000
--- a/social_i_qa_I_was_wondering/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:610559d3622f159ce4d4875040723a8e3225b27896a92e185d9947db667da490
-size 6129515
diff --git a/social_i_qa_I_was_wondering/validation-00000-of-00001.parquet b/social_i_qa_I_was_wondering/validation-00000-of-00001.parquet
deleted file mode 100644
index 67c39705713980f1f1c931091b215f4de93a27aa..0000000000000000000000000000000000000000
--- a/social_i_qa_I_was_wondering/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2b3233394c1614b5a0e17f1dd5f451bdd1e6169b2b4357edeb0eeb52064d36da
-size 357296
diff --git a/social_i_qa_Show_choices_and_generate_answer/train-00000-of-00001.parquet b/social_i_qa_Show_choices_and_generate_answer/train-00000-of-00001.parquet
deleted file mode 100644
index c60cbcbf3d75315dfa8b32f233171475bd59bbd3..0000000000000000000000000000000000000000
--- a/social_i_qa_Show_choices_and_generate_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:54dbaedb97ff0290421f3a3289e51371ef2ad6892a711bf2f161c3a9bb32eca6
-size 8356166
diff --git a/social_i_qa_Show_choices_and_generate_answer/validation-00000-of-00001.parquet b/social_i_qa_Show_choices_and_generate_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 6c19d946d38ee2464878e866796b83b4a8908203..0000000000000000000000000000000000000000
--- a/social_i_qa_Show_choices_and_generate_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b222aef5bf838349931087bba9fef091c3d0f4b70dac482ccf3de78f70bd197b
-size 492167
diff --git a/social_i_qa_Show_choices_and_generate_index/train-00000-of-00001.parquet b/social_i_qa_Show_choices_and_generate_index/train-00000-of-00001.parquet
deleted file mode 100644
index 4b40af29a62ac1cd3573e0b79b4b7a3add9bd47e..0000000000000000000000000000000000000000
--- a/social_i_qa_Show_choices_and_generate_index/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:decce6ea5239d6842594e2c39661b565ff1970a318da4e235721043fe00846f1
-size 6424706
diff --git a/social_i_qa_Show_choices_and_generate_index/validation-00000-of-00001.parquet b/social_i_qa_Show_choices_and_generate_index/validation-00000-of-00001.parquet
deleted file mode 100644
index 0c2b6e9af4924a3bd87470029166ef72b1c746b6..0000000000000000000000000000000000000000
--- a/social_i_qa_Show_choices_and_generate_index/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8bd226e0b73e88acb90c28143461626ea2ab71fe16df5c6b96db8e916935aefc
-size 376180
diff --git a/squad_v2_Jeopardy_with_Context/train-00000-of-00001.parquet b/squad_v2_Jeopardy_with_Context/train-00000-of-00001.parquet
deleted file mode 100644
index df12a0920c0b4dad3d371c2cbb862ce22ef8174e..0000000000000000000000000000000000000000
--- a/squad_v2_Jeopardy_with_Context/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:648cd4e2e4ac12456d6297bea3d33ab6182278d6431ff391bcd08f881ddcdccf
-size 44766465
diff --git a/squad_v2_Jeopardy_with_Context/validation-00000-of-00001.parquet b/squad_v2_Jeopardy_with_Context/validation-00000-of-00001.parquet
deleted file mode 100644
index 0eb137c910ef9244d4b39463beb93b85b2723dbf..0000000000000000000000000000000000000000
--- a/squad_v2_Jeopardy_with_Context/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:be2e36a0e9fa668da98bd1703b958d9e4d377fbfdc8875f6d49cf68f93115723
-size 3171899
diff --git a/squad_v2_Jeopardy_without_Context/train-00000-of-00001.parquet b/squad_v2_Jeopardy_without_Context/train-00000-of-00001.parquet
deleted file mode 100644
index 4a971645c9e616e8c2e23961ed7a88ac6e874f33..0000000000000000000000000000000000000000
--- a/squad_v2_Jeopardy_without_Context/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:73ed571808cf0c4b7ffa4e97d52cea11775e016a2acdc348b903ca535b22bae8
-size 9579168
diff --git a/squad_v2_Jeopardy_without_Context/validation-00000-of-00001.parquet b/squad_v2_Jeopardy_without_Context/validation-00000-of-00001.parquet
deleted file mode 100644
index b0601ecedc8c4585a834462c5fa45d142eaf6aaa..0000000000000000000000000000000000000000
--- a/squad_v2_Jeopardy_without_Context/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e15151443ae25dd23de1abe96c5d0abc47845b534776783d8c3062c17c4d1468
-size 671013
diff --git a/squad_v2_Questions_with_Context/train-00000-of-00001.parquet b/squad_v2_Questions_with_Context/train-00000-of-00001.parquet
deleted file mode 100644
index 8226c0c3393069100799acdac75914dde8418464..0000000000000000000000000000000000000000
--- a/squad_v2_Questions_with_Context/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f8f392f8a4b70286fcfb2fa99b4867277ca7ef845f9b56d2b029b8e882364710
-size 56009502
diff --git a/squad_v2_Questions_with_Context/validation-00000-of-00001.parquet b/squad_v2_Questions_with_Context/validation-00000-of-00001.parquet
deleted file mode 100644
index 25cadb20a08cc919f25f72b6d884e9182025b7ae..0000000000000000000000000000000000000000
--- a/squad_v2_Questions_with_Context/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6c3a8dceb2021fff9dcd2facf9def62ea7a1e8fbd9c586c9b92225e50eb257a6
-size 3950760
diff --git a/squad_v2_Questions_with_Context_Without_Prompt_Keywords/train-00000-of-00001.parquet b/squad_v2_Questions_with_Context_Without_Prompt_Keywords/train-00000-of-00001.parquet
deleted file mode 100644
index f4986e79df4cf1ad223b90c419f2b59e381555a9..0000000000000000000000000000000000000000
--- a/squad_v2_Questions_with_Context_Without_Prompt_Keywords/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:227438bdd43ad1c7b1bb3f912b102f215b6776b90f284dd4907eaf54d4054353
-size 56918057
diff --git a/squad_v2_Questions_with_Context_Without_Prompt_Keywords/validation-00000-of-00001.parquet b/squad_v2_Questions_with_Context_Without_Prompt_Keywords/validation-00000-of-00001.parquet
deleted file mode 100644
index e988147e4909db660396da2bb87df722eca1da64..0000000000000000000000000000000000000000
--- a/squad_v2_Questions_with_Context_Without_Prompt_Keywords/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:daec4b292b071e65481339e57c59c3430412be8fbcdda16578938cd9539ceb4c
-size 3956209
diff --git a/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/train-00000-of-00001.parquet b/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/train-00000-of-00001.parquet
deleted file mode 100644
index 1642822d23520c78fc000c89e380b7f9144ef361..0000000000000000000000000000000000000000
--- a/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9276185c01dc9b47cc32c499d137a544b351fc2095df40a4fbcaa8da713e2e9b
-size 56137439
diff --git a/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/validation-00000-of-00001.parquet b/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/validation-00000-of-00001.parquet
deleted file mode 100644
index 95066cf8634de5a494301a55f06a3531492b15c2..0000000000000000000000000000000000000000
--- a/squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:73f1f2707cf1a6debfec3e512f9850455916b1843688714625381f650c189763
-size 3901158
diff --git a/squad_v2_Questions_with_Context_unanswerable/train-00000-of-00001.parquet b/squad_v2_Questions_with_Context_unanswerable/train-00000-of-00001.parquet
deleted file mode 100644
index 24f9a9e64ebee133542a10d773aabf2cea8f18b8..0000000000000000000000000000000000000000
--- a/squad_v2_Questions_with_Context_unanswerable/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a2af5b0e9109b188b6b81feef0f570bc7b4ca71f30578ea67111b03affe53e8
-size 56168955
diff --git a/squad_v2_Questions_with_Context_unanswerable/validation-00000-of-00001.parquet b/squad_v2_Questions_with_Context_unanswerable/validation-00000-of-00001.parquet
deleted file mode 100644
index 9fb09e02332965d9c21c48ddeabed2a4af6d69c0..0000000000000000000000000000000000000000
--- a/squad_v2_Questions_with_Context_unanswerable/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:07abc80a3338e952679aa23f6eb102d2667641704c0953995641f7afd4d29531
-size 3912403
diff --git a/squad_v2_Topic_Prediction_Context/train-00000-of-00001.parquet b/squad_v2_Topic_Prediction_Context/train-00000-of-00001.parquet
deleted file mode 100644
index 3390b446614732baf77f06b43cf457d5bdce9d2d..0000000000000000000000000000000000000000
--- a/squad_v2_Topic_Prediction_Context/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:22c3b780f4a235ae05ee6390da68ef9d935e5161f0ccc9caf842f8a81445a5ed
-size 34360306
diff --git a/squad_v2_Topic_Prediction_Context/validation-00000-of-00001.parquet b/squad_v2_Topic_Prediction_Context/validation-00000-of-00001.parquet
deleted file mode 100644
index 50a9c9feb914fa518fabe3deedae1e8d080d1f00..0000000000000000000000000000000000000000
--- a/squad_v2_Topic_Prediction_Context/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0094ce6f8e3a183e56601b53a1e514034d3c8b0528fe3a0f2cd37ae8c3feb9c5
-size 1678244
diff --git a/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/train-00000-of-00001.parquet b/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/train-00000-of-00001.parquet
deleted file mode 100644
index c31a1d9cb3c174587dab7bd5fbc99ffd016e1259..0000000000000000000000000000000000000000
--- a/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6411bc4607ea6fb4faccad26791dd8c4b4ebea21d437a2a2893cc6c81d5ebac4
-size 41306866
diff --git a/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/validation-00000-of-00001.parquet b/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/validation-00000-of-00001.parquet
deleted file mode 100644
index 218f9ba3a7a5103abda38dacd4d593917418e285..0000000000000000000000000000000000000000
--- a/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d0995375c689c07a95281b064cd9979327bc0990b348679ce1d962fb3e8eb2df
-size 2212757
diff --git a/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/train-00000-of-00001.parquet b/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/train-00000-of-00001.parquet
deleted file mode 100644
index 05ce04fd20223276daf73b1f4f8a3f9639731d77..0000000000000000000000000000000000000000
--- a/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ccab2fbdf405dfbdbff55844110468427496e5539dbe555e057f596bc96d2a43
-size 42278818
diff --git a/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/validation-00000-of-00001.parquet b/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/validation-00000-of-00001.parquet
deleted file mode 100644
index 3ba0b9a7adbb49528bb860ef0e32f98588065c05..0000000000000000000000000000000000000000
--- a/squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:88a1687b9deddc98e469245dde3351b265475f3be8437abc9a2bbacd722b58db
-size 2267855
diff --git a/squad_v2_Topic_Prediction_Question_and_Answer_Pair/train-00000-of-00001.parquet b/squad_v2_Topic_Prediction_Question_and_Answer_Pair/train-00000-of-00001.parquet
deleted file mode 100644
index 5c60bbeede28bbd8e23b1840c56ebad10fbcee6b..0000000000000000000000000000000000000000
--- a/squad_v2_Topic_Prediction_Question_and_Answer_Pair/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9857d29c172021dab3f9c05a74c0089e645223a53b8a90fb5e834e7593f22c1e
-size 9154595
diff --git a/squad_v2_Topic_Prediction_Question_and_Answer_Pair/validation-00000-of-00001.parquet b/squad_v2_Topic_Prediction_Question_and_Answer_Pair/validation-00000-of-00001.parquet
deleted file mode 100644
index e885de6f4a5a216768be36f297fe3884a5832572..0000000000000000000000000000000000000000
--- a/squad_v2_Topic_Prediction_Question_and_Answer_Pair/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9e270dcd322f309eca709c3c1007c2158d1acc7ddfb7ccb2e04b1a9882ac1149
-size 640021
diff --git a/squad_v2_Trivia/train-00000-of-00001.parquet b/squad_v2_Trivia/train-00000-of-00001.parquet
deleted file mode 100644
index 435a7fe81c1db5c30eea156bf4a145daf3eb2685..0000000000000000000000000000000000000000
--- a/squad_v2_Trivia/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8df468e5a8663344b39d51db50461984682a0f993641ca35ee9e67a1965e7788
-size 8727115
diff --git a/squad_v2_Trivia/validation-00000-of-00001.parquet b/squad_v2_Trivia/validation-00000-of-00001.parquet
deleted file mode 100644
index be256c1cb6992d030b6e3dca54522d9c7166da8e..0000000000000000000000000000000000000000
--- a/squad_v2_Trivia/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0dbe1f776ab06c02c5c0ae7ecf4a902e229c306749630189b94b9b0862aa8fef
-size 609484
diff --git a/squad_v2_Unanwerable_question/train-00000-of-00001.parquet b/squad_v2_Unanwerable_question/train-00000-of-00001.parquet
deleted file mode 100644
index 2c7296117533fed54536e7cbcf911356e256828f..0000000000000000000000000000000000000000
--- a/squad_v2_Unanwerable_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:acd679cc63df5b01baf211af637f63c57b20845f777cba8b878ea44ad3107a4c
-size 51966145
diff --git a/squad_v2_Unanwerable_question/validation-00000-of-00001.parquet b/squad_v2_Unanwerable_question/validation-00000-of-00001.parquet
deleted file mode 100644
index 25a99f9dd2eb59219c28ac251408e9e821d2b135..0000000000000000000000000000000000000000
--- a/squad_v2_Unanwerable_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee91eed23e6bb58fed5b2b544e179afaef5b02b909b65b06675cd116be004ef9
-size 3691627
diff --git a/super_glue_boolq_GPT_3_Style/test-00000-of-00001.parquet b/super_glue_boolq_GPT_3_Style/test-00000-of-00001.parquet
deleted file mode 100644
index d3f14097bdff56fb939555d959a767be141357df..0000000000000000000000000000000000000000
--- a/super_glue_boolq_GPT_3_Style/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:afe124705e6dcf50e9377de7bff5da80f511c5af128c000ad6d3ff756c07ee12
-size 2385143
diff --git a/super_glue_boolq_GPT_3_Style/train-00000-of-00001.parquet b/super_glue_boolq_GPT_3_Style/train-00000-of-00001.parquet
deleted file mode 100644
index ece1ecacb9f34b88dfbf977e2c82d9bd3afb182a..0000000000000000000000000000000000000000
--- a/super_glue_boolq_GPT_3_Style/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0ebc52304d39e0922044ccaa5f318a4307c7c8a72a0201c48a3bc997e60e7ea0
-size 6955530
diff --git a/super_glue_boolq_GPT_3_Style/validation-00000-of-00001.parquet b/super_glue_boolq_GPT_3_Style/validation-00000-of-00001.parquet
deleted file mode 100644
index 40afc618e72a7a38cb740412a163723eed3fc181..0000000000000000000000000000000000000000
--- a/super_glue_boolq_GPT_3_Style/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:77fed6c9c9f0935944e09d43dfee22ecae2747ed3399e842b868fa9a60c197aa
-size 2388694
diff --git a/super_glue_boolq_I_wonder_/test-00000-of-00001.parquet b/super_glue_boolq_I_wonder_/test-00000-of-00001.parquet
deleted file mode 100644
index 3e0a8f550ba0b5f3409fa55ecdaf68289b24aa9b..0000000000000000000000000000000000000000
--- a/super_glue_boolq_I_wonder_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:beafd0347c6b8b6143262a27a6d529efb50addc5862071edbb0646e9a1fc35e4
-size 2390354
diff --git a/super_glue_boolq_I_wonder_/train-00000-of-00001.parquet b/super_glue_boolq_I_wonder_/train-00000-of-00001.parquet
deleted file mode 100644
index 78a81b747874b3a8e982e063e5a87768f92c214b..0000000000000000000000000000000000000000
--- a/super_glue_boolq_I_wonder_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d12b4801d87d49589b55ff25e78295abbcae3da203d30336a2152f51fef23051
-size 6968975
diff --git a/super_glue_boolq_I_wonder_/validation-00000-of-00001.parquet b/super_glue_boolq_I_wonder_/validation-00000-of-00001.parquet
deleted file mode 100644
index 1d65328917fb0b95796bc654ca39701a3029e282..0000000000000000000000000000000000000000
--- a/super_glue_boolq_I_wonder_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1fd8cbf75343fce0197a4d36e02eb1cdf44560da87796c0190682c7eb224f54a
-size 2387517
diff --git a/super_glue_boolq_after_reading/test-00000-of-00001.parquet b/super_glue_boolq_after_reading/test-00000-of-00001.parquet
deleted file mode 100644
index c14d5a23772d4a39cb44223ffaaddc78f719f2bc..0000000000000000000000000000000000000000
--- a/super_glue_boolq_after_reading/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:db4d83e9e8a23ef81282d4a5868b492bb343f7fab6d6d1ee50f2c44e200cb5b4
-size 2396481
diff --git a/super_glue_boolq_after_reading/train-00000-of-00001.parquet b/super_glue_boolq_after_reading/train-00000-of-00001.parquet
deleted file mode 100644
index 9ec2cf8166fbd66a8766d53c6fbaeb0ada8020ab..0000000000000000000000000000000000000000
--- a/super_glue_boolq_after_reading/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3f3bfac7e6b09616a825265d229ca2b5d26c6de8d381271eb67597caa7c60c72
-size 7021215
diff --git a/super_glue_boolq_after_reading/validation-00000-of-00001.parquet b/super_glue_boolq_after_reading/validation-00000-of-00001.parquet
deleted file mode 100644
index a0fd2f011254fe08e071d10f7ee1ad4c24496a8b..0000000000000000000000000000000000000000
--- a/super_glue_boolq_after_reading/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:907ede08c8297a374d9e6813a8aa301af64f840d4f14fa899766fc15d0507943
-size 2410503
diff --git a/super_glue_boolq_based_on_the_following_passage/test-00000-of-00001.parquet b/super_glue_boolq_based_on_the_following_passage/test-00000-of-00001.parquet
deleted file mode 100644
index b5657223c3cc074e19c6a0d589ebf7f3b7164ab0..0000000000000000000000000000000000000000
--- a/super_glue_boolq_based_on_the_following_passage/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c29af0d0b1004518783f4208d62288ce3f46aec7c17fd1241f00d25f95ac31e3
-size 2372491
diff --git a/super_glue_boolq_based_on_the_following_passage/train-00000-of-00001.parquet b/super_glue_boolq_based_on_the_following_passage/train-00000-of-00001.parquet
deleted file mode 100644
index 774a0d83526a90171af28c41ff8c46bd8d7bea9f..0000000000000000000000000000000000000000
--- a/super_glue_boolq_based_on_the_following_passage/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3cd2de411395d26469f1a539d2c111708f407689851443fc0925c3c32ba9a60a
-size 6940565
diff --git a/super_glue_boolq_based_on_the_following_passage/validation-00000-of-00001.parquet b/super_glue_boolq_based_on_the_following_passage/validation-00000-of-00001.parquet
deleted file mode 100644
index d69cb3935785a434e4d89d022f258c4b225ef523..0000000000000000000000000000000000000000
--- a/super_glue_boolq_based_on_the_following_passage/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1b0869a387eba0ee90897c0563af8123e2700c8d22eb9403a6e240159a1c5497
-size 2390736
diff --git a/super_glue_boolq_based_on_the_previous_passage/test-00000-of-00001.parquet b/super_glue_boolq_based_on_the_previous_passage/test-00000-of-00001.parquet
deleted file mode 100644
index 4c4e10a16fd3cd9a52e3517ac67b5353c00eb1a6..0000000000000000000000000000000000000000
--- a/super_glue_boolq_based_on_the_previous_passage/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2180017daf57080fb67dfb1a8cd36abc990726c68a82c51da1c5c633bcddbaf1
-size 2381520
diff --git a/super_glue_boolq_based_on_the_previous_passage/train-00000-of-00001.parquet b/super_glue_boolq_based_on_the_previous_passage/train-00000-of-00001.parquet
deleted file mode 100644
index dc31998def2691c52d4bee9bbf2d2d696f726c9c..0000000000000000000000000000000000000000
--- a/super_glue_boolq_based_on_the_previous_passage/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:90ca5def96ef9b566ff1e45834b8bdfb50c5fd15f5c6ff586217c8b8120142e8
-size 6956310
diff --git a/super_glue_boolq_based_on_the_previous_passage/validation-00000-of-00001.parquet b/super_glue_boolq_based_on_the_previous_passage/validation-00000-of-00001.parquet
deleted file mode 100644
index 717b8dd9615b0287914b98890811f7b74ab0a7e9..0000000000000000000000000000000000000000
--- a/super_glue_boolq_based_on_the_previous_passage/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:92fa18c22096a8bd5506744f9079f19eb3e45287ebcea44720bd0d33d48bcaba
-size 2401872
diff --git a/super_glue_boolq_could_you_tell_me_/test-00000-of-00001.parquet b/super_glue_boolq_could_you_tell_me_/test-00000-of-00001.parquet
deleted file mode 100644
index 285664bc817c35f7efd89aa36b5e2b30506be147..0000000000000000000000000000000000000000
--- a/super_glue_boolq_could_you_tell_me_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3cf432c25af1006000f12437c75b6724931f1c5d5ca08305bfe1ca6ee45edb74
-size 2396359
diff --git a/super_glue_boolq_could_you_tell_me_/train-00000-of-00001.parquet b/super_glue_boolq_could_you_tell_me_/train-00000-of-00001.parquet
deleted file mode 100644
index 5181c2c5b40778e8e5a1df1cf72bab9697cf85b6..0000000000000000000000000000000000000000
--- a/super_glue_boolq_could_you_tell_me_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:51e3ec50ba74ebffb659502d0f07cd3c7cab23024e11134cf04bc7f453f6242c
-size 6974190
diff --git a/super_glue_boolq_could_you_tell_me_/validation-00000-of-00001.parquet b/super_glue_boolq_could_you_tell_me_/validation-00000-of-00001.parquet
deleted file mode 100644
index c3d17b51c6a71d861b315e773da63f95eb41386b..0000000000000000000000000000000000000000
--- a/super_glue_boolq_could_you_tell_me_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:88d5b883e897b0334f7ad41b12cf383ca684f04da90d814e99fb270dacbd5e74
-size 2401573
diff --git a/super_glue_boolq_exam/test-00000-of-00001.parquet b/super_glue_boolq_exam/test-00000-of-00001.parquet
deleted file mode 100644
index cf2ed6bc0672b52ebc9067b89842387416863326..0000000000000000000000000000000000000000
--- a/super_glue_boolq_exam/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b89312beecae014d8604ef2717ec9028e243315afe0d4a0c8ab7a27588662781
-size 2386493
diff --git a/super_glue_boolq_exam/train-00000-of-00001.parquet b/super_glue_boolq_exam/train-00000-of-00001.parquet
deleted file mode 100644
index a05c96de8f3877ad2ffc1c33df04ada96c896997..0000000000000000000000000000000000000000
--- a/super_glue_boolq_exam/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ff105c021dfacd4485ac2e0625b07cb8016a20c16a896de8d41af2fd7379a029
-size 6987652
diff --git a/super_glue_boolq_exam/validation-00000-of-00001.parquet b/super_glue_boolq_exam/validation-00000-of-00001.parquet
deleted file mode 100644
index 712a2917f9684e9c762d1784392f7cb692e7b225..0000000000000000000000000000000000000000
--- a/super_glue_boolq_exam/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8708e93852736e9df293e8b70666d3be6021922eab1220b5566594e34c032d30
-size 2410896
diff --git a/super_glue_boolq_exercise/test-00000-of-00001.parquet b/super_glue_boolq_exercise/test-00000-of-00001.parquet
deleted file mode 100644
index b69f677a13ea74d815564cd2051d967f8fd79362..0000000000000000000000000000000000000000
--- a/super_glue_boolq_exercise/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aa8e5233458602933712411f1604a4881011080c7122586dc5bb2e7b0af28688
-size 2395227
diff --git a/super_glue_boolq_exercise/train-00000-of-00001.parquet b/super_glue_boolq_exercise/train-00000-of-00001.parquet
deleted file mode 100644
index eba29c09d56c1336017a7918c8dcf620950de730..0000000000000000000000000000000000000000
--- a/super_glue_boolq_exercise/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f65d7ecebc8a2d5f244d5b0cf929c57402ce43ec5e3acafeaf6835eab7e6dc34
-size 7040859
diff --git a/super_glue_boolq_exercise/validation-00000-of-00001.parquet b/super_glue_boolq_exercise/validation-00000-of-00001.parquet
deleted file mode 100644
index 0262fce0951e2a97c5c7eec6e300e43484f45433..0000000000000000000000000000000000000000
--- a/super_glue_boolq_exercise/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e2d32b2b6a71063d7b0010becac3a430e4712c5907b82c636fd7bddda0e93a4b
-size 2411491
diff --git a/super_glue_boolq_valid_binary/test-00000-of-00001.parquet b/super_glue_boolq_valid_binary/test-00000-of-00001.parquet
deleted file mode 100644
index f964f8ac80e8e423ba610b0da6c559d21e581534..0000000000000000000000000000000000000000
--- a/super_glue_boolq_valid_binary/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f635d6916fded5e06c6f542026477b7bf36f69c1f532778b5c284aa4b415cc68
-size 2395858
diff --git a/super_glue_boolq_valid_binary/train-00000-of-00001.parquet b/super_glue_boolq_valid_binary/train-00000-of-00001.parquet
deleted file mode 100644
index 7caa22e52f522d8ae69d63973a01e4f202df33e5..0000000000000000000000000000000000000000
--- a/super_glue_boolq_valid_binary/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b218fb88f0f43eb03732ae6a836effdc40fa893befa5aac78da7f98a6461bf52
-size 6997585
diff --git a/super_glue_boolq_valid_binary/validation-00000-of-00001.parquet b/super_glue_boolq_valid_binary/validation-00000-of-00001.parquet
deleted file mode 100644
index e3fa94860e8f855cd4799b1d9f967c328a3e34a1..0000000000000000000000000000000000000000
--- a/super_glue_boolq_valid_binary/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3269c7d4cc7121362a4b180993f5f4a660d859b9475fca8d300b99f14132a6c3
-size 2398057
diff --git a/super_glue_boolq_yes_no_question/test-00000-of-00001.parquet b/super_glue_boolq_yes_no_question/test-00000-of-00001.parquet
deleted file mode 100644
index fed373be5969dfc56663fe0d67edd9c6f300f2b8..0000000000000000000000000000000000000000
--- a/super_glue_boolq_yes_no_question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6a4127451f8d624180429e3cc5711266c9456c2c7d9c0573d1f20ab957091d3c
-size 2402736
diff --git a/super_glue_boolq_yes_no_question/train-00000-of-00001.parquet b/super_glue_boolq_yes_no_question/train-00000-of-00001.parquet
deleted file mode 100644
index f7fc47ab82da90381e6e9f736be729eb4ebc881d..0000000000000000000000000000000000000000
--- a/super_glue_boolq_yes_no_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e21831525200042a0356fc03b3c795423d6462e83b6ea0ab6ee707a16e5a350a
-size 7017099
diff --git a/super_glue_boolq_yes_no_question/validation-00000-of-00001.parquet b/super_glue_boolq_yes_no_question/validation-00000-of-00001.parquet
deleted file mode 100644
index af21d85090a9ae18378b97072bdec2508772d2dc..0000000000000000000000000000000000000000
--- a/super_glue_boolq_yes_no_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e377d1ca639db2765c8ad6f408cb94de0eedd1570936a6967dd320ec0998b42e
-size 2405194
diff --git a/super_glue_cb_GPT_3_style/test-00000-of-00001.parquet b/super_glue_cb_GPT_3_style/test-00000-of-00001.parquet
deleted file mode 100644
index e9236f4e59b043453c9ee639247a783f216c2e67..0000000000000000000000000000000000000000
--- a/super_glue_cb_GPT_3_style/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b8c65fdc66ebd092f225f46dc06acdca86330b755dfcedd0e9ca266d690761fe
-size 104695
diff --git a/super_glue_cb_GPT_3_style/train-00000-of-00001.parquet b/super_glue_cb_GPT_3_style/train-00000-of-00001.parquet
deleted file mode 100644
index 7181d50f5b1b8541f5cd7bd9e398faeedb4696bb..0000000000000000000000000000000000000000
--- a/super_glue_cb_GPT_3_style/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2a7ce8f50e078ed2e36a7c74931fef703f4cac656705a32fbb4468bd681fec91
-size 96805
diff --git a/super_glue_cb_GPT_3_style/validation-00000-of-00001.parquet b/super_glue_cb_GPT_3_style/validation-00000-of-00001.parquet
deleted file mode 100644
index 7e4b4e3102692433ae04363ddd186d3fb82bcb21..0000000000000000000000000000000000000000
--- a/super_glue_cb_GPT_3_style/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a849d54a0ec18d665787146f076ce9fd8f3a6323f414423d113e0e2f93153758
-size 31346
diff --git a/super_glue_cb_GPT_3_style_score_eval/test-00000-of-00001.parquet b/super_glue_cb_GPT_3_style_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index a91931b727e84165ab39a01edf16e3c72a8401bb..0000000000000000000000000000000000000000
--- a/super_glue_cb_GPT_3_style_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a8c6d2ef7a52c756ecfb28c05f310fd9f7df610aeff50f89c74bf27dd3042f6a
-size 129720
diff --git a/super_glue_cb_GPT_3_style_score_eval/train-00000-of-00001.parquet b/super_glue_cb_GPT_3_style_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 20a9aee5ff8f277cf901c0056e569e728fe558a8..0000000000000000000000000000000000000000
--- a/super_glue_cb_GPT_3_style_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8c672950f4f386b67871bedd90eb431e8045ffe186d0932e5e2ad4133dfb71ab
-size 118881
diff --git a/super_glue_cb_GPT_3_style_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_GPT_3_style_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index a972ed1433becfd5233091c6431654632a2e5d51..0000000000000000000000000000000000000000
--- a/super_glue_cb_GPT_3_style_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aa83a77df6e68bb38fea092d6191d2a3439382ec26de4dca9249d6bcc6cfb1cd
-size 45248
diff --git a/super_glue_cb_MNLI_crowdsource/test-00000-of-00001.parquet b/super_glue_cb_MNLI_crowdsource/test-00000-of-00001.parquet
deleted file mode 100644
index 2a47e29be1810aff70cb4d7f6f07a6ed4cd6874d..0000000000000000000000000000000000000000
--- a/super_glue_cb_MNLI_crowdsource/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:25d93c8f09174bad6178a9616ca6814ff5a35c3ec7638a2f3c2e7e2f46bcdc00
-size 107452
diff --git a/super_glue_cb_MNLI_crowdsource/train-00000-of-00001.parquet b/super_glue_cb_MNLI_crowdsource/train-00000-of-00001.parquet
deleted file mode 100644
index bccc7ea5d7372d02fa492cd7beefe778d9dbb073..0000000000000000000000000000000000000000
--- a/super_glue_cb_MNLI_crowdsource/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:40141f99aa042edeaf4af46e55295114f63c13e1b72b653d02cc67fabe800b69
-size 99979
diff --git a/super_glue_cb_MNLI_crowdsource/validation-00000-of-00001.parquet b/super_glue_cb_MNLI_crowdsource/validation-00000-of-00001.parquet
deleted file mode 100644
index 4909e1a7eee974b142220f564fc1e44260c71c51..0000000000000000000000000000000000000000
--- a/super_glue_cb_MNLI_crowdsource/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4d5a7cd3cfbd14d1f4704c1222366ed86cb8a9bfc82197f14c35ff1a331000bd
-size 32707
diff --git a/super_glue_cb_MNLI_crowdsource_score_eval/test-00000-of-00001.parquet b/super_glue_cb_MNLI_crowdsource_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 03609334798ce051ef3bc74f03cdb821170c4253..0000000000000000000000000000000000000000
--- a/super_glue_cb_MNLI_crowdsource_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ff8d4196c1603b571c54a8b20382dd5bb9c0c4fca6a3956704fedd185fa3fd1b
-size 133354
diff --git a/super_glue_cb_MNLI_crowdsource_score_eval/train-00000-of-00001.parquet b/super_glue_cb_MNLI_crowdsource_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index c8eb841aaf3d3311d0591a0c3b2bf846e85ffd4a..0000000000000000000000000000000000000000
--- a/super_glue_cb_MNLI_crowdsource_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d8277e713d456e54baf7a40157342fe9744cb7238d74cbf76732ad90db1a5d8d
-size 122919
diff --git a/super_glue_cb_MNLI_crowdsource_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_MNLI_crowdsource_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 053104fba83dd91116200a67dab34075229a5839..0000000000000000000000000000000000000000
--- a/super_glue_cb_MNLI_crowdsource_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:851c369600989d956b354bcdd212caa1b7ee24086861f25ddb14f81e7bd52112
-size 46864
diff --git a/super_glue_cb_always_sometimes_never/test-00000-of-00001.parquet b/super_glue_cb_always_sometimes_never/test-00000-of-00001.parquet
deleted file mode 100644
index c4492bd7b13337bbfdaa25f15434a1d9e65b00eb..0000000000000000000000000000000000000000
--- a/super_glue_cb_always_sometimes_never/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dbcd332fffe897b980f25ce789cc9c7aaed7b03fac6df566f6564f984a797430
-size 106385
diff --git a/super_glue_cb_always_sometimes_never/train-00000-of-00001.parquet b/super_glue_cb_always_sometimes_never/train-00000-of-00001.parquet
deleted file mode 100644
index 07893bf467d67508b59ef4afc1bb9f32d98a7219..0000000000000000000000000000000000000000
--- a/super_glue_cb_always_sometimes_never/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:61c730c765b26c1cfac874ba840e2c924c7c78b4bc7943cb61264ef458b345dd
-size 98786
diff --git a/super_glue_cb_always_sometimes_never/validation-00000-of-00001.parquet b/super_glue_cb_always_sometimes_never/validation-00000-of-00001.parquet
deleted file mode 100644
index 0386ce08a5cb7e0fd7475468cd920f53c209397c..0000000000000000000000000000000000000000
--- a/super_glue_cb_always_sometimes_never/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:26ddbe9d8ae9eb6fa22e2692fc64fef98b670f3db62de61e1e6d96b0647ff1f7
-size 32209
diff --git a/super_glue_cb_always_sometimes_never_score_eval/test-00000-of-00001.parquet b/super_glue_cb_always_sometimes_never_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 0f46f3524cc4c61efa50b74e355383a34d20faab..0000000000000000000000000000000000000000
--- a/super_glue_cb_always_sometimes_never_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:97b16a12f5716a4c17344338d018ffee0972dc9609bcaa772ec6ae0b1b654cbb
-size 132654
diff --git a/super_glue_cb_always_sometimes_never_score_eval/train-00000-of-00001.parquet b/super_glue_cb_always_sometimes_never_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index b2c19b402c3c84ed5fdaf8f6ce429914e67fba0b..0000000000000000000000000000000000000000
--- a/super_glue_cb_always_sometimes_never_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9635b2aa7d4d784c772cf11ea953ac4c9adff3cc76c9e7543ba1e9302309a2f0
-size 121180
diff --git a/super_glue_cb_always_sometimes_never_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_always_sometimes_never_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 3d093d27c6392bd8b42cab49fce915a1d2ca791f..0000000000000000000000000000000000000000
--- a/super_glue_cb_always_sometimes_never_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:146a43ab471448f28679cf2748b1efdb0e0ceb7c8ebb9cf5f963f0ac593fd3c7
-size 46595
diff --git a/super_glue_cb_based_on_the_previous_passage/test-00000-of-00001.parquet b/super_glue_cb_based_on_the_previous_passage/test-00000-of-00001.parquet
deleted file mode 100644
index 5519db4135484a92619c7fdbe846f62a6b177255..0000000000000000000000000000000000000000
--- a/super_glue_cb_based_on_the_previous_passage/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dbdd0e7c0b839419e764e107ae4792cbb65b29e1a510426c674b52043ca4761f
-size 106254
diff --git a/super_glue_cb_based_on_the_previous_passage/train-00000-of-00001.parquet b/super_glue_cb_based_on_the_previous_passage/train-00000-of-00001.parquet
deleted file mode 100644
index 88f09c56854060c9783fec41fd2dedbc52afe83f..0000000000000000000000000000000000000000
--- a/super_glue_cb_based_on_the_previous_passage/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:420fa2a4f9af1cc0b6c0bebb4cae55b73ee3b782e6cf70d00d03a59f73a79ea7
-size 98559
diff --git a/super_glue_cb_based_on_the_previous_passage/validation-00000-of-00001.parquet b/super_glue_cb_based_on_the_previous_passage/validation-00000-of-00001.parquet
deleted file mode 100644
index 18fd4f8ebbfffe1e09b5ae350c58ccbae34f0335..0000000000000000000000000000000000000000
--- a/super_glue_cb_based_on_the_previous_passage/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:293b8cbb3b94e4adfaa2714e692126e16147e71c46aa6b056e569384fab23fa3
-size 32234
diff --git a/super_glue_cb_based_on_the_previous_passage_score_eval/test-00000-of-00001.parquet b/super_glue_cb_based_on_the_previous_passage_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 42bd464fc96d996eeff7076c479cc69936e11482..0000000000000000000000000000000000000000
--- a/super_glue_cb_based_on_the_previous_passage_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:97c207d5c1354dba402141def4ba483a8334426a2a9b03f604b7f9649d97063a
-size 131209
diff --git a/super_glue_cb_based_on_the_previous_passage_score_eval/train-00000-of-00001.parquet b/super_glue_cb_based_on_the_previous_passage_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 96b70847b17f6d02732462eb945651861b1254cb..0000000000000000000000000000000000000000
--- a/super_glue_cb_based_on_the_previous_passage_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f3e68f2c4399adffe25055c28f22f4dfd040251ba11637cc1d6f8f77a0dab5fc
-size 121483
diff --git a/super_glue_cb_based_on_the_previous_passage_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_based_on_the_previous_passage_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 622920678c00f391e49ed9a0f3048e19fe0984ca..0000000000000000000000000000000000000000
--- a/super_glue_cb_based_on_the_previous_passage_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:176cbe14be733c3eaaa73102d224d515b4f486cc1a0d7de4996ea25b21b797d6
-size 44447
diff --git a/super_glue_cb_can_we_infer/test-00000-of-00001.parquet b/super_glue_cb_can_we_infer/test-00000-of-00001.parquet
deleted file mode 100644
index 8e1b1944c77167e3014b300b922e3c0d90f43490..0000000000000000000000000000000000000000
--- a/super_glue_cb_can_we_infer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:84a1b0ca06fffd4e244d706d2455e5fdca80ffdf7b4953eab8d2e2638db628c7
-size 105762
diff --git a/super_glue_cb_can_we_infer/train-00000-of-00001.parquet b/super_glue_cb_can_we_infer/train-00000-of-00001.parquet
deleted file mode 100644
index 8efcf337e529f0f78f32c676c5a5a6a65e8736f0..0000000000000000000000000000000000000000
--- a/super_glue_cb_can_we_infer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2e722c61870f23b7fd1ce40510395e700d21538e5821d9957dd94a7c1f86aab8
-size 97811
diff --git a/super_glue_cb_can_we_infer/validation-00000-of-00001.parquet b/super_glue_cb_can_we_infer/validation-00000-of-00001.parquet
deleted file mode 100644
index f6fe44b180f02cd30e556282471f71e356bb2637..0000000000000000000000000000000000000000
--- a/super_glue_cb_can_we_infer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a83f964f8ae1e4da99ebc4b1551bdd7d76945fdbe8fbb804718b4d8341246f6c
-size 31714
diff --git a/super_glue_cb_can_we_infer_score_eval/test-00000-of-00001.parquet b/super_glue_cb_can_we_infer_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 5392b73faf2cc0fc077e50e10f194d33f1e85140..0000000000000000000000000000000000000000
--- a/super_glue_cb_can_we_infer_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1247249cf50c9dc153ffcb5f8e0a9ce02c7ded22c84ce2daf7cf4d4fbc3d183c
-size 131030
diff --git a/super_glue_cb_can_we_infer_score_eval/train-00000-of-00001.parquet b/super_glue_cb_can_we_infer_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index d4ae45b231417aea676e8c72368ab27874e0298d..0000000000000000000000000000000000000000
--- a/super_glue_cb_can_we_infer_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d90119d528ae1ec58891bdb2960635fc6577a2460064fb27b624a8d9cb314462
-size 120009
diff --git a/super_glue_cb_can_we_infer_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_can_we_infer_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 763d6df4df9be6ee8feb5dc213578cb24b6526d8..0000000000000000000000000000000000000000
--- a/super_glue_cb_can_we_infer_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:de4b5c7d295b32155e15b5ec87e8a2462e6c617515d7184e6c30d7f8f0adfb25
-size 45377
diff --git a/super_glue_cb_claim_true_false_inconclusive/test-00000-of-00001.parquet b/super_glue_cb_claim_true_false_inconclusive/test-00000-of-00001.parquet
deleted file mode 100644
index a8d2959340c2fb1960e2b6b68e3e43fc13dfccd6..0000000000000000000000000000000000000000
--- a/super_glue_cb_claim_true_false_inconclusive/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9b46966e5db907e3496bcde546659273f201f54a2f4b9ad20ef8e5d47d5f68dd
-size 106334
diff --git a/super_glue_cb_claim_true_false_inconclusive/train-00000-of-00001.parquet b/super_glue_cb_claim_true_false_inconclusive/train-00000-of-00001.parquet
deleted file mode 100644
index b27a0a0aea994a3bb5fd5150359c18aa457a692d..0000000000000000000000000000000000000000
--- a/super_glue_cb_claim_true_false_inconclusive/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:98c2f3d4ee69e2b2b379de075b34cb31309ab1ed01de3202eb0d3af924c9e883
-size 98602
diff --git a/super_glue_cb_claim_true_false_inconclusive/validation-00000-of-00001.parquet b/super_glue_cb_claim_true_false_inconclusive/validation-00000-of-00001.parquet
deleted file mode 100644
index 01120317cfcc094b6bd32240051b76b90ebd721c..0000000000000000000000000000000000000000
--- a/super_glue_cb_claim_true_false_inconclusive/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:83d4795c48566302b944c1c4016e52bef5a7bf62084c94f8e9ba3c01c20410c2
-size 31848
diff --git a/super_glue_cb_claim_true_false_inconclusive_score_eval/test-00000-of-00001.parquet b/super_glue_cb_claim_true_false_inconclusive_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index a4413be994a998ac37dda8ea5e0fec2ba506cdf0..0000000000000000000000000000000000000000
--- a/super_glue_cb_claim_true_false_inconclusive_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c897778cebd6393677c1f72217aa8faff295675a2b5c248cdda8a4bcb7977bb5
-size 131257
diff --git a/super_glue_cb_claim_true_false_inconclusive_score_eval/train-00000-of-00001.parquet b/super_glue_cb_claim_true_false_inconclusive_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 737b1071350f9bc7a2ba4610514f976ff50be89f..0000000000000000000000000000000000000000
--- a/super_glue_cb_claim_true_false_inconclusive_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5417d8bb825f7d4c81709c218ae1e31a83db02e466325b37f84ba0af1c38435f
-size 121518
diff --git a/super_glue_cb_claim_true_false_inconclusive_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_claim_true_false_inconclusive_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 3bf8b599aacadf14c5a1154eda66e4a179a77df5..0000000000000000000000000000000000000000
--- a/super_glue_cb_claim_true_false_inconclusive_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:244cf511ee85ff05e4a0446de55d3af8b1cdb9009c8b72812dfb15c6dbfe9cd8
-size 46686
diff --git a/super_glue_cb_consider_always_sometimes_never/test-00000-of-00001.parquet b/super_glue_cb_consider_always_sometimes_never/test-00000-of-00001.parquet
deleted file mode 100644
index badb5d9a9b77efea2f7ed0b920af802c231a6fc1..0000000000000000000000000000000000000000
--- a/super_glue_cb_consider_always_sometimes_never/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a9e34256ea3f4df28c9e2410fcb1e8203995d9540c7a4280d78c6ea5e31d16d
-size 105811
diff --git a/super_glue_cb_consider_always_sometimes_never/train-00000-of-00001.parquet b/super_glue_cb_consider_always_sometimes_never/train-00000-of-00001.parquet
deleted file mode 100644
index 0202d7f179aef10103f42b157e49e258ef9a2886..0000000000000000000000000000000000000000
--- a/super_glue_cb_consider_always_sometimes_never/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c180d0ea2377e9fdb099f0b3f09232c6e32589dcc6e465ddae3738fe57df45eb
-size 98141
diff --git a/super_glue_cb_consider_always_sometimes_never/validation-00000-of-00001.parquet b/super_glue_cb_consider_always_sometimes_never/validation-00000-of-00001.parquet
deleted file mode 100644
index d258d1c79280f54c6f22f24a820137e5c4004f61..0000000000000000000000000000000000000000
--- a/super_glue_cb_consider_always_sometimes_never/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:760108f118ac72fe770af7a798d8c01b74290305fe4eaccd1da68ba682df61bb
-size 31917
diff --git a/super_glue_cb_consider_always_sometimes_never_score_eval/test-00000-of-00001.parquet b/super_glue_cb_consider_always_sometimes_never_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 150deecacecbd506ca4bccfd7c01f3880fa13602..0000000000000000000000000000000000000000
--- a/super_glue_cb_consider_always_sometimes_never_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:364e23f0a8cab7f49b0de72e05056bf658e0d50584ddd649e2c7d19da7ea12a7
-size 131006
diff --git a/super_glue_cb_consider_always_sometimes_never_score_eval/train-00000-of-00001.parquet b/super_glue_cb_consider_always_sometimes_never_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 4320edbc64c76f6dc294f360f8b33630ede57a16..0000000000000000000000000000000000000000
--- a/super_glue_cb_consider_always_sometimes_never_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:eefddbf2fd0142c51abfc32024fa19a88591e5e2b30a117c1cbd52eb5fa15e0a
-size 120515
diff --git a/super_glue_cb_consider_always_sometimes_never_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_consider_always_sometimes_never_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2d7a6aa0f3403b08874393b2bc35850ef1f813d8..0000000000000000000000000000000000000000
--- a/super_glue_cb_consider_always_sometimes_never_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b74987f084e809ea0d24a9dafce44217729659397235228fc7c52764dcd80ffb
-size 45558
diff --git a/super_glue_cb_does_it_follow_that/test-00000-of-00001.parquet b/super_glue_cb_does_it_follow_that/test-00000-of-00001.parquet
deleted file mode 100644
index 6ae7df37e00130e3d5142fc4f376b596af277ed0..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_it_follow_that/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b089ff138097de3bb3a3fec1e664b6e36f6d35588fab84d6c6fef0e0e92613c4
-size 105321
diff --git a/super_glue_cb_does_it_follow_that/train-00000-of-00001.parquet b/super_glue_cb_does_it_follow_that/train-00000-of-00001.parquet
deleted file mode 100644
index 9d27e028e8338a2b5bba0ba3eaab862863381819..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_it_follow_that/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0f93d7f4d8917dc97ebf3aa609614518eba781ea4d445e51f14027adf16ab4a7
-size 97069
diff --git a/super_glue_cb_does_it_follow_that/validation-00000-of-00001.parquet b/super_glue_cb_does_it_follow_that/validation-00000-of-00001.parquet
deleted file mode 100644
index 3fc53aa5e0e80be1e94e7e2df2510413703b5cf6..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_it_follow_that/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6bc9d7c70965bdb05f0fb8690f82b9a2ae98061c3227e28cea369f189e1e9e67
-size 31467
diff --git a/super_glue_cb_does_it_follow_that_score_eval/test-00000-of-00001.parquet b/super_glue_cb_does_it_follow_that_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 5cc7161a7ea4245dc1cd2f5da1370bc2ec9b2414..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_it_follow_that_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8ad34d836f68ca66bcaaca4801f4094d3c033da333bf47246b7c4d5906329e28
-size 129734
diff --git a/super_glue_cb_does_it_follow_that_score_eval/train-00000-of-00001.parquet b/super_glue_cb_does_it_follow_that_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 68e12045c8c3f963fa74c06b4cc245b2265f8bc6..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_it_follow_that_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0bc757d7c0b04a831bc53d72adb4c6c740164b41c073782300d325d308daa6eb
-size 119469
diff --git a/super_glue_cb_does_it_follow_that_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_does_it_follow_that_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index bac769586047a17d8831833f31ffd1f94d7a52f4..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_it_follow_that_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d20fd025138cb1e10386b4aa681f73a02b4e1f73004e34b6800d0128b06f192e
-size 44601
diff --git a/super_glue_cb_does_this_imply/test-00000-of-00001.parquet b/super_glue_cb_does_this_imply/test-00000-of-00001.parquet
deleted file mode 100644
index 1c86b479b776b24504f0c8784761a56e8cc002d3..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_this_imply/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fb3b37fa207f9e7f8d1f07c4507005ca8013eb00fd3129b431711f909828b539
-size 105783
diff --git a/super_glue_cb_does_this_imply/train-00000-of-00001.parquet b/super_glue_cb_does_this_imply/train-00000-of-00001.parquet
deleted file mode 100644
index 916ba9c078f1df5ce42d0444869d236e096d4d5a..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_this_imply/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:205880e72a4f28e9b97e88fcc7ee476ede5c5d5d566b53902776b2e8cbcc00df
-size 98069
diff --git a/super_glue_cb_does_this_imply/validation-00000-of-00001.parquet b/super_glue_cb_does_this_imply/validation-00000-of-00001.parquet
deleted file mode 100644
index ff3fdc4fbdfebd93674eb9125614986d72d92cca..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_this_imply/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:094c5220731a1815986cbc5725851767c26279494bd9e92473ef1648718fdbb4
-size 31788
diff --git a/super_glue_cb_does_this_imply_score_eval/test-00000-of-00001.parquet b/super_glue_cb_does_this_imply_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 903b9f34fa6b3cd7dd98569cbda5522cbc458d13..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_this_imply_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c926c6b9ab9fa413571dc310340fc162352c7df0dea1f320d32cabd6d551636d
-size 131101
diff --git a/super_glue_cb_does_this_imply_score_eval/train-00000-of-00001.parquet b/super_glue_cb_does_this_imply_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 4c26bb9af921f6b15988451ec6d71f9c27cb6725..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_this_imply_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b9f21b4ca3563b4f50918ffb0d96ea65dbf22a4f91614dd2269a763101e526ec
-size 120311
diff --git a/super_glue_cb_does_this_imply_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_does_this_imply_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 71973f5053c53f113cec9989211c051ad6e9b0ad..0000000000000000000000000000000000000000
--- a/super_glue_cb_does_this_imply_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:234ac6b7a72333432a5f2cabd02176510861d2f92f3df35056841ebb0442ebb2
-size 45540
diff --git a/super_glue_cb_guaranteed_possible_impossible/test-00000-of-00001.parquet b/super_glue_cb_guaranteed_possible_impossible/test-00000-of-00001.parquet
deleted file mode 100644
index 37dbc31094ff12221e6e2f2571c0d9ba2bddfccc..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_possible_impossible/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2e1fbe34cdffdf2c88f16ed4a4da58c3f100a4185ba2a9172d928ea186accb6a
-size 106585
diff --git a/super_glue_cb_guaranteed_possible_impossible/train-00000-of-00001.parquet b/super_glue_cb_guaranteed_possible_impossible/train-00000-of-00001.parquet
deleted file mode 100644
index d5759ed46af0eebc4f354496efec632f910f687b..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_possible_impossible/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1545cb30e0229f2f6dba21dd58f711f8b3ddc1f7b9bb100dab991cbbdc8bbd56
-size 99121
diff --git a/super_glue_cb_guaranteed_possible_impossible/validation-00000-of-00001.parquet b/super_glue_cb_guaranteed_possible_impossible/validation-00000-of-00001.parquet
deleted file mode 100644
index ceccca18267d211465acba85aba18093279181b2..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_possible_impossible/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:61249eb86c9be8d24b96f0685298ae11654c134d360f03267de3d581b0516055
-size 32860
diff --git a/super_glue_cb_guaranteed_possible_impossible_score_eval/test-00000-of-00001.parquet b/super_glue_cb_guaranteed_possible_impossible_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 2c070fd75d393e302f49b9b8b8dd41496b8587e7..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_possible_impossible_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:054203ecf18353aa5e11d9baf4189872d9b553f2d6e68ac4894f695c8e71da09
-size 131953
diff --git a/super_glue_cb_guaranteed_possible_impossible_score_eval/train-00000-of-00001.parquet b/super_glue_cb_guaranteed_possible_impossible_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 9ddfd4fb99a7045e6a17f1884800d8f873d0bdb1..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_possible_impossible_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:07a3b9ce9bf76437fc6e3287073388b6690c34d3c64cc93864831c6756c5d43d
-size 121342
diff --git a/super_glue_cb_guaranteed_possible_impossible_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_guaranteed_possible_impossible_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 9038624522bdb717fc947c2e795ac862a8fe9a61..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_possible_impossible_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3431cda9a6f65516b62c2afb8c8dc4050fdb0f667b07d0ebcaac4c338f21a66c
-size 52386
diff --git a/super_glue_cb_guaranteed_true/test-00000-of-00001.parquet b/super_glue_cb_guaranteed_true/test-00000-of-00001.parquet
deleted file mode 100644
index 1cc3f52bbae7a43d9a6a355654d340ceddaabaa4..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_true/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:52f2f61bb5dee65ad6a290177cb4aafcb5fb6e9c0a9c00a580496c68d29c896b
-size 106156
diff --git a/super_glue_cb_guaranteed_true/train-00000-of-00001.parquet b/super_glue_cb_guaranteed_true/train-00000-of-00001.parquet
deleted file mode 100644
index 4a52f9f5d39199c98cdf4397a22edac782e92324..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_true/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:91c1aa1fb0957eef3a02d0a20ac0e5d81e6520c571d6e8ae0f5f0572aa4adba8
-size 98562
diff --git a/super_glue_cb_guaranteed_true/validation-00000-of-00001.parquet b/super_glue_cb_guaranteed_true/validation-00000-of-00001.parquet
deleted file mode 100644
index d830d97c81d64bbee023594e5ce23e43efad4458..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_true/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b2796a5ad6ec0dceed9d23198e4587f2297989eeeeef3d2b15c15c47ad50e492
-size 32320
diff --git a/super_glue_cb_guaranteed_true_score_eval/test-00000-of-00001.parquet b/super_glue_cb_guaranteed_true_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 03bd959f68b03b7a314fab096b20d1b9e6d166c0..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_true_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cac99fb0f40deb458ddc8398f5a5fa17ddec97ad93c9ab3c8d7a8c3942075fc5
-size 131420
diff --git a/super_glue_cb_guaranteed_true_score_eval/train-00000-of-00001.parquet b/super_glue_cb_guaranteed_true_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 2b5925e39d8e0d904319f0872f6629677547b44c..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_true_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d266dd684e9bd4954524cded27a31484adb27a743b9dc40b8a9a82b85465dd26
-size 120741
diff --git a/super_glue_cb_guaranteed_true_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_guaranteed_true_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index cbdf828f3474d87d7f917d7ac8e3b8a35e65aada..0000000000000000000000000000000000000000
--- a/super_glue_cb_guaranteed_true_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:214c1a8409728952ef315135818f3e0fa2a52642f399cca8772c6004d7260684
-size 45926
diff --git a/super_glue_cb_justified_in_saying/test-00000-of-00001.parquet b/super_glue_cb_justified_in_saying/test-00000-of-00001.parquet
deleted file mode 100644
index 4bc6dfdee13e8d2af2d8a75d2e1d37abcbef1cfa..0000000000000000000000000000000000000000
--- a/super_glue_cb_justified_in_saying/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b3bd42bd60ad9c3ccd6f7ed9d75da506b429438ab797394c06ba095515201699
-size 105897
diff --git a/super_glue_cb_justified_in_saying/train-00000-of-00001.parquet b/super_glue_cb_justified_in_saying/train-00000-of-00001.parquet
deleted file mode 100644
index 19eae5a5f9330872af35efd77417c505dcb5e445..0000000000000000000000000000000000000000
--- a/super_glue_cb_justified_in_saying/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ec5fcbd0644ff2d69d91f29b9daf8f3245068e8c79b9ed128b9fa0f5ad843aad
-size 98163
diff --git a/super_glue_cb_justified_in_saying/validation-00000-of-00001.parquet b/super_glue_cb_justified_in_saying/validation-00000-of-00001.parquet
deleted file mode 100644
index 358a989e7e70d8f2a039cc22416ceefd1ed6c895..0000000000000000000000000000000000000000
--- a/super_glue_cb_justified_in_saying/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e663b92ade9546fcdbda54ca87b8a7ec99f2446119ad28be6ab99d6cceb3a42b
-size 31800
diff --git a/super_glue_cb_justified_in_saying_score_eval/test-00000-of-00001.parquet b/super_glue_cb_justified_in_saying_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index e7f45b0468997567e36d48400b6e746885ed9dd2..0000000000000000000000000000000000000000
--- a/super_glue_cb_justified_in_saying_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:10be63dca816d89a871560afa4bb0301a322a95d655b25728b8e71161307a261
-size 130132
diff --git a/super_glue_cb_justified_in_saying_score_eval/train-00000-of-00001.parquet b/super_glue_cb_justified_in_saying_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 3ffdb806aa97804266d5cb1671e5924727e5bf79..0000000000000000000000000000000000000000
--- a/super_glue_cb_justified_in_saying_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cf7412a8110e720920d64326e7906d4019243294c16575988362204b9abf7db0
-size 120843
diff --git a/super_glue_cb_justified_in_saying_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_justified_in_saying_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 58e6237fdb95b031ac0a89173c7e4cf87dc513b3..0000000000000000000000000000000000000000
--- a/super_glue_cb_justified_in_saying_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:76e21789dcc458bd064a14ea0dcb930a2955d792994af5c9e85e0d4b64a42890
-size 44871
diff --git a/super_glue_cb_must_be_true/test-00000-of-00001.parquet b/super_glue_cb_must_be_true/test-00000-of-00001.parquet
deleted file mode 100644
index 2ffc77366ae5bbafe741a15f9e36ae8070924b15..0000000000000000000000000000000000000000
--- a/super_glue_cb_must_be_true/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9574e0272f33ea5d7c029f08378bf73199264a5fe0f60495165eb31510e02766
-size 106423
diff --git a/super_glue_cb_must_be_true/train-00000-of-00001.parquet b/super_glue_cb_must_be_true/train-00000-of-00001.parquet
deleted file mode 100644
index 2697080a71df9822b3aaaabf0d6a1f9682464df6..0000000000000000000000000000000000000000
--- a/super_glue_cb_must_be_true/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ed64b5f5636461880fcacdbef6e9843cc9b22bd0378ce464643a418ed7ca4e98
-size 98837
diff --git a/super_glue_cb_must_be_true/validation-00000-of-00001.parquet b/super_glue_cb_must_be_true/validation-00000-of-00001.parquet
deleted file mode 100644
index 0890780b1ed1e3d56d880ff6f97a1ae02536558e..0000000000000000000000000000000000000000
--- a/super_glue_cb_must_be_true/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0f4b4f380916b8ab703564628572af44221c1d0a7cb28fb1ac1f28877c7335ca
-size 32599
diff --git a/super_glue_cb_must_be_true_score_eval/test-00000-of-00001.parquet b/super_glue_cb_must_be_true_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 8cf2c573cf5ebd5bc24b95e75dfecec2c407e6b0..0000000000000000000000000000000000000000
--- a/super_glue_cb_must_be_true_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:faae2fa2b3445a6101f872276e00f65f5e70a14e679fd28ee1dd28bc3df76bd7
-size 131643
diff --git a/super_glue_cb_must_be_true_score_eval/train-00000-of-00001.parquet b/super_glue_cb_must_be_true_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 401efbaf7068dfee1650db0814b368839820c4d9..0000000000000000000000000000000000000000
--- a/super_glue_cb_must_be_true_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6d835beece4c87d6d2d6adb7a0b46cb4a426ce175812f21de421477b24542a65
-size 121182
diff --git a/super_glue_cb_must_be_true_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_must_be_true_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index e9a001ba6156f0ebc1c2c3c8059c02af28d5b86c..0000000000000000000000000000000000000000
--- a/super_glue_cb_must_be_true_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f8f07bbc674a2242c9eaf6f921eb3c91b2ac0ded4b96b896ac5f19253a439c8c
-size 47086
diff --git a/super_glue_cb_should_assume/test-00000-of-00001.parquet b/super_glue_cb_should_assume/test-00000-of-00001.parquet
deleted file mode 100644
index e601172b24069ec0693c600363ac6e82e075deb7..0000000000000000000000000000000000000000
--- a/super_glue_cb_should_assume/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c00e5bea990b0c1641e128146a4f707f9ce710e849ff195dd22f3f9654a78eb7
-size 106047
diff --git a/super_glue_cb_should_assume/train-00000-of-00001.parquet b/super_glue_cb_should_assume/train-00000-of-00001.parquet
deleted file mode 100644
index 459d4817dd1883f98c868cabd0335614c071c634..0000000000000000000000000000000000000000
--- a/super_glue_cb_should_assume/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:75f8ece8686a476c9a7efe282285898993c0260b659ab9158bdd8a472c9e660e
-size 98349
diff --git a/super_glue_cb_should_assume/validation-00000-of-00001.parquet b/super_glue_cb_should_assume/validation-00000-of-00001.parquet
deleted file mode 100644
index 3adbc9b787cb5f797c481b1c89bb730ab31b493b..0000000000000000000000000000000000000000
--- a/super_glue_cb_should_assume/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b38c2702c506cde6b1ddb94b7f9cf8b9dc47b11bf62cb51d4eddad436fb7f2ec
-size 32344
diff --git a/super_glue_cb_should_assume_score_eval/test-00000-of-00001.parquet b/super_glue_cb_should_assume_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 200bf477d71212836e9a4470673cd921f97d6463..0000000000000000000000000000000000000000
--- a/super_glue_cb_should_assume_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5ce423dbc03d51fcd86013b62dd7c3d70393be24b9fa0e036cc8c06a203f03aa
-size 131239
diff --git a/super_glue_cb_should_assume_score_eval/train-00000-of-00001.parquet b/super_glue_cb_should_assume_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 760f32cc4369706f0ea6b87e06269effa5aa4e7d..0000000000000000000000000000000000000000
--- a/super_glue_cb_should_assume_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:41b3c4f57c423580231ead0a71cdf748a4840e1a40a658b89462ff7d94609e43
-size 120522
diff --git a/super_glue_cb_should_assume_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_should_assume_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index a977d8735f0aa39e07da59f383ab246160ea44ee..0000000000000000000000000000000000000000
--- a/super_glue_cb_should_assume_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2fdd78c58d2659d9217a4592b45e64a3a087a89b37b8ba39847e4b85eced0ace
-size 45593
diff --git a/super_glue_cb_take_the_following_as_truth/test-00000-of-00001.parquet b/super_glue_cb_take_the_following_as_truth/test-00000-of-00001.parquet
deleted file mode 100644
index f991d09bc0e8b456bf09ced14f37331177d63cf3..0000000000000000000000000000000000000000
--- a/super_glue_cb_take_the_following_as_truth/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:78d96a72d46ecbee48482ba496e6cc1bee86195f8059cae88de5fbdb97714ba1
-size 106704
diff --git a/super_glue_cb_take_the_following_as_truth/train-00000-of-00001.parquet b/super_glue_cb_take_the_following_as_truth/train-00000-of-00001.parquet
deleted file mode 100644
index 07bd00af236a53297227684ae664b4cccfdf6282..0000000000000000000000000000000000000000
--- a/super_glue_cb_take_the_following_as_truth/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d522cc4805853c784d44574fde3f51fd54c7cb1ca04ef440a36bf712e5093380
-size 99213
diff --git a/super_glue_cb_take_the_following_as_truth/validation-00000-of-00001.parquet b/super_glue_cb_take_the_following_as_truth/validation-00000-of-00001.parquet
deleted file mode 100644
index 050c5d0a6043f345b38f80bc1373b25716195bda..0000000000000000000000000000000000000000
--- a/super_glue_cb_take_the_following_as_truth/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3d7e0b174a4c2cd9b18d14f2ac620da5ee688eac743a0c1aa0ddb4026e63a8df
-size 32536
diff --git a/super_glue_cb_take_the_following_as_truth_score_eval/test-00000-of-00001.parquet b/super_glue_cb_take_the_following_as_truth_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 1a1427f5082c40dcd6e1efa1244a440e19c88448..0000000000000000000000000000000000000000
--- a/super_glue_cb_take_the_following_as_truth_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5cce4325c34971045ab92730e868b11c604628d62080c6fc5f68ac8f4bbf5deb
-size 132026
diff --git a/super_glue_cb_take_the_following_as_truth_score_eval/train-00000-of-00001.parquet b/super_glue_cb_take_the_following_as_truth_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 77adf621c4505f8b845ec977a4873f9df49a4a98..0000000000000000000000000000000000000000
--- a/super_glue_cb_take_the_following_as_truth_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a152655be10e5e1c8fbd1cb843e9cdd92edd63059f23773dda4e24a56c487e6b
-size 122291
diff --git a/super_glue_cb_take_the_following_as_truth_score_eval/validation-00000-of-00001.parquet b/super_glue_cb_take_the_following_as_truth_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2dfeb2d16773ecb8c9f795a5442e8c2558871bc5..0000000000000000000000000000000000000000
--- a/super_glue_cb_take_the_following_as_truth_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7d8d06cc9bef1cdffd1f5d7160c235a3740991207297376c6865da2fd0b2772c
-size 47197
diff --git a/super_glue_copa_C1_or_C2_premise_so_because_/test-00000-of-00001.parquet b/super_glue_copa_C1_or_C2_premise_so_because_/test-00000-of-00001.parquet
deleted file mode 100644
index a913a8d87a28eb4dbc8d804cdb533ea97ca62794..0000000000000000000000000000000000000000
--- a/super_glue_copa_C1_or_C2_premise_so_because_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:79b3214bcf5cdfaeb02eb648df5e6fbfa011f186d550a7518f92237f9bb28899
-size 82372
diff --git a/super_glue_copa_C1_or_C2_premise_so_because_/train-00000-of-00001.parquet b/super_glue_copa_C1_or_C2_premise_so_because_/train-00000-of-00001.parquet
deleted file mode 100644
index 27185ffb3deec93f111c0f8e540cc62802c57773..0000000000000000000000000000000000000000
--- a/super_glue_copa_C1_or_C2_premise_so_because_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0e752c55f85d96b7d32fe697f80831d098e32fb3e402784c7f987a985b9a7796
-size 86305
diff --git a/super_glue_copa_C1_or_C2_premise_so_because_/validation-00000-of-00001.parquet b/super_glue_copa_C1_or_C2_premise_so_because_/validation-00000-of-00001.parquet
deleted file mode 100644
index 1a8b42c5cc4665a90bb520d0ac3fbd5b896e2275..0000000000000000000000000000000000000000
--- a/super_glue_copa_C1_or_C2_premise_so_because_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4394ef47529ad4bd4683de21617e2d4c20f27089191543f0eab9beb9044963c0
-size 27411
diff --git a/super_glue_copa_C1_or_C2_premise_so_because__score_eval/test-00000-of-00001.parquet b/super_glue_copa_C1_or_C2_premise_so_because__score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 5ae5629e821a52478ebd59b36c05617d63c3a81f..0000000000000000000000000000000000000000
--- a/super_glue_copa_C1_or_C2_premise_so_because__score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7bad86b2a5ee9b0aae108e5ed885e83a1491ebb935b78321f637f80fa72b7920
-size 116076
diff --git a/super_glue_copa_C1_or_C2_premise_so_because__score_eval/train-00000-of-00001.parquet b/super_glue_copa_C1_or_C2_premise_so_because__score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 083fc91e1f828fd0f963bab425826720dd0dc62c..0000000000000000000000000000000000000000
--- a/super_glue_copa_C1_or_C2_premise_so_because__score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5161d0048c90bebf0885bfb5afbfc9c4222afaf4e312043175c5e34ca8f2c9f4
-size 101608
diff --git a/super_glue_copa_C1_or_C2_premise_so_because__score_eval/validation-00000-of-00001.parquet b/super_glue_copa_C1_or_C2_premise_so_because__score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 0c94d36eb029b46b3ffa6e313515bab8680bd73e..0000000000000000000000000000000000000000
--- a/super_glue_copa_C1_or_C2_premise_so_because__score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a47d330d94ab8f2a2428e435823874acf9f3c554dca83fa63453b96d2c1a4ca
-size 31041
diff --git a/super_glue_copa__As_a_result_C1_or_C2_/test-00000-of-00001.parquet b/super_glue_copa__As_a_result_C1_or_C2_/test-00000-of-00001.parquet
deleted file mode 100644
index 05a4f75fe5a40238b205f372d38c3131b82395fb..0000000000000000000000000000000000000000
--- a/super_glue_copa__As_a_result_C1_or_C2_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c6af09488d0e3272bb606ab792a9424bf04db232370b3c01c67b64675f85f25c
-size 45306
diff --git a/super_glue_copa__As_a_result_C1_or_C2_/train-00000-of-00001.parquet b/super_glue_copa__As_a_result_C1_or_C2_/train-00000-of-00001.parquet
deleted file mode 100644
index 0bdbf4afdf170b67d7af5dc120fe3cdc00126537..0000000000000000000000000000000000000000
--- a/super_glue_copa__As_a_result_C1_or_C2_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c1abdbf1e199533d2ff889f768e1c937cb1a6e1a312533f753fd0549a7a5a31c
-size 48184
diff --git a/super_glue_copa__As_a_result_C1_or_C2_/validation-00000-of-00001.parquet b/super_glue_copa__As_a_result_C1_or_C2_/validation-00000-of-00001.parquet
deleted file mode 100644
index 418f23d18e93d71e8200e6692aa83eaaaa5e4e2a..0000000000000000000000000000000000000000
--- a/super_glue_copa__As_a_result_C1_or_C2_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bbf78e6744ddc60d081b48bfff46ac2affd0a66f45cbbb0a29a202f6eddfe590
-size 15870
diff --git a/super_glue_copa__As_a_result_C1_or_C2__score_eval/test-00000-of-00001.parquet b/super_glue_copa__As_a_result_C1_or_C2__score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index a4d088d2d4c7f012dbb4172b760f5726a6aad751..0000000000000000000000000000000000000000
--- a/super_glue_copa__As_a_result_C1_or_C2__score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:656bfb7537de977cad11ce79cf12613861a50ffebb13ce354730846a3a33b1e6
-size 65593
diff --git a/super_glue_copa__As_a_result_C1_or_C2__score_eval/train-00000-of-00001.parquet b/super_glue_copa__As_a_result_C1_or_C2__score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index f3caf86c888482229845889f76b116a61ebca9aa..0000000000000000000000000000000000000000
--- a/super_glue_copa__As_a_result_C1_or_C2__score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8f243605e68678d96320d5074b2174936d60c9617348c1eea71c9de9585c861a
-size 56062
diff --git a/super_glue_copa__As_a_result_C1_or_C2__score_eval/validation-00000-of-00001.parquet b/super_glue_copa__As_a_result_C1_or_C2__score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 69073a26b2061e299e107b4c9ebb09baf5e3ac86..0000000000000000000000000000000000000000
--- a/super_glue_copa__As_a_result_C1_or_C2__score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2d242e3d46940d9a25cd4f9e478b7a784903ca9203bfb8fe6ef51c11297fa6a1
-size 17990
diff --git a/super_glue_copa__What_could_happen_next_C1_or_C2_/test-00000-of-00001.parquet b/super_glue_copa__What_could_happen_next_C1_or_C2_/test-00000-of-00001.parquet
deleted file mode 100644
index 007d4df67f6ace9900b9240a6289e792aefe0bf4..0000000000000000000000000000000000000000
--- a/super_glue_copa__What_could_happen_next_C1_or_C2_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:233a562775592ca99c80b0a11ef38198fe0958c8bd780410884e55cc4d82133c
-size 45526
diff --git a/super_glue_copa__What_could_happen_next_C1_or_C2_/train-00000-of-00001.parquet b/super_glue_copa__What_could_happen_next_C1_or_C2_/train-00000-of-00001.parquet
deleted file mode 100644
index 32c61c76d9ba3f29a4ada1df95c1a002ef9e7b11..0000000000000000000000000000000000000000
--- a/super_glue_copa__What_could_happen_next_C1_or_C2_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1bd2f9a7a6eade68ac5afeb0920d4da17a07bc5738a4d945e9a0e71ffedfc652
-size 48341
diff --git a/super_glue_copa__What_could_happen_next_C1_or_C2_/validation-00000-of-00001.parquet b/super_glue_copa__What_could_happen_next_C1_or_C2_/validation-00000-of-00001.parquet
deleted file mode 100644
index d01075e39b4fc91d8d7be703381b03ffc16358dc..0000000000000000000000000000000000000000
--- a/super_glue_copa__What_could_happen_next_C1_or_C2_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4911b66ccd585747dba258f6787b9a1ec211b77cfdfa424f9561c57672cfd1fb
-size 15964
diff --git a/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/test-00000-of-00001.parquet b/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index e22d5159572ca3278c58955089c065d7e2960462..0000000000000000000000000000000000000000
--- a/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3b37baa193d7c49026481831c0751b59ad872d6d8ab059b0f3fc965c9477883c
-size 65786
diff --git a/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/train-00000-of-00001.parquet b/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 9e1f765bf8ec7b3ab1cd825238b87c4c3736e4ef..0000000000000000000000000000000000000000
--- a/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ac08174a3736978ac133a72ef57a84bf6d37f1646051fee7823f25509c6a9f02
-size 56247
diff --git a/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/validation-00000-of-00001.parquet b/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index ab7645c1726b260ed7f7bee57ed510b5bd046716..0000000000000000000000000000000000000000
--- a/super_glue_copa__What_could_happen_next_C1_or_C2__score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ec635f300c0813210f3f96778b12af93cdf0709a293371886a0945437438f691
-size 18083
diff --git a/super_glue_copa__which_may_be_caused_by/test-00000-of-00001.parquet b/super_glue_copa__which_may_be_caused_by/test-00000-of-00001.parquet
deleted file mode 100644
index 6ee637e19bb6407cb77e72c96bfe544b6aa73a53..0000000000000000000000000000000000000000
--- a/super_glue_copa__which_may_be_caused_by/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b6ec302bcb153a2efaf8f39d8b13dfe3f64733bfe091467c52905b7d5d3c54d8
-size 45153
diff --git a/super_glue_copa__which_may_be_caused_by/train-00000-of-00001.parquet b/super_glue_copa__which_may_be_caused_by/train-00000-of-00001.parquet
deleted file mode 100644
index 8ea44bbe7fe4d419f819671c0eeb14d53d54f0fd..0000000000000000000000000000000000000000
--- a/super_glue_copa__which_may_be_caused_by/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a00b7382df601cc80ff410b6cfe1070392ed57a5c7d985aac63a62154a9b3dda
-size 46963
diff --git a/super_glue_copa__which_may_be_caused_by/validation-00000-of-00001.parquet b/super_glue_copa__which_may_be_caused_by/validation-00000-of-00001.parquet
deleted file mode 100644
index 10e7d9dc3b91d21934f297564526b7c8cbbae7b4..0000000000000000000000000000000000000000
--- a/super_glue_copa__which_may_be_caused_by/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:84c22079110e8c183e834b82101d15ac0aafa33dd2e79a1b5573bb552c60b195
-size 17164
diff --git a/super_glue_copa__which_may_be_caused_by_score_eval/test-00000-of-00001.parquet b/super_glue_copa__which_may_be_caused_by_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 3d9105879c978686819c8ec49fee0d11b92030dc..0000000000000000000000000000000000000000
--- a/super_glue_copa__which_may_be_caused_by_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e2b7a26c2e23a075f7a1943fcd7b26c7f0957dd6ca798ef3c7bb454d6b5e5e1f
-size 65091
diff --git a/super_glue_copa__which_may_be_caused_by_score_eval/train-00000-of-00001.parquet b/super_glue_copa__which_may_be_caused_by_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 359c97a8b08113e47b1ce107556e6fea81386879..0000000000000000000000000000000000000000
--- a/super_glue_copa__which_may_be_caused_by_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:62b50f518b8ed788fb9979349ef591e2f6660037220d278069fa8432950d9959
-size 54611
diff --git a/super_glue_copa__which_may_be_caused_by_score_eval/validation-00000-of-00001.parquet b/super_glue_copa__which_may_be_caused_by_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 9921994b462f6e102eda237fbbb7af31743ec069..0000000000000000000000000000000000000000
--- a/super_glue_copa__which_may_be_caused_by_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0e8180d707b94fa27284fe2fac5b7431488d3666605852c6e8d494a25e9605c8
-size 19618
diff --git a/super_glue_copa__why_C1_or_C2/test-00000-of-00001.parquet b/super_glue_copa__why_C1_or_C2/test-00000-of-00001.parquet
deleted file mode 100644
index 2fca8347498d30ba282a78b9614bec2430ae50aa..0000000000000000000000000000000000000000
--- a/super_glue_copa__why_C1_or_C2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:92f93633c155ba3bf049ee4e374fd725fb3904618b31b53a8a0dbb00b084d172
-size 44710
diff --git a/super_glue_copa__why_C1_or_C2/train-00000-of-00001.parquet b/super_glue_copa__why_C1_or_C2/train-00000-of-00001.parquet
deleted file mode 100644
index 10ce17d3255913f6bf6740702f4046b1270de721..0000000000000000000000000000000000000000
--- a/super_glue_copa__why_C1_or_C2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:35086ad909b2456aff28daa64e70792dfe7c16fb08094dad13ef0ab8082eb623
-size 46608
diff --git a/super_glue_copa__why_C1_or_C2/validation-00000-of-00001.parquet b/super_glue_copa__why_C1_or_C2/validation-00000-of-00001.parquet
deleted file mode 100644
index cfc547a7b838b324398fa4de18083fefc8ff33a9..0000000000000000000000000000000000000000
--- a/super_glue_copa__why_C1_or_C2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2b0a888113e733943b2d624fef2169782237fd66de42bffc83c988245d1a6653
-size 16990
diff --git a/super_glue_copa__why_C1_or_C2_score_eval/test-00000-of-00001.parquet b/super_glue_copa__why_C1_or_C2_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index f7c8f377d3059e2a849ebd9704cf6bf4cc1b1d9c..0000000000000000000000000000000000000000
--- a/super_glue_copa__why_C1_or_C2_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3141514861bb441dacab8326bf42e7588fdf983bbf9fc84bbbf97a3935d03ecb
-size 64827
diff --git a/super_glue_copa__why_C1_or_C2_score_eval/train-00000-of-00001.parquet b/super_glue_copa__why_C1_or_C2_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index f3564b7452d6a8a2729a7eb75fdb44a3398af3ac..0000000000000000000000000000000000000000
--- a/super_glue_copa__why_C1_or_C2_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0d5f7c08d12868a9713f5f17e414e939503d1d73e24ce9e820be28376e7d18d7
-size 53898
diff --git a/super_glue_copa__why_C1_or_C2_score_eval/validation-00000-of-00001.parquet b/super_glue_copa__why_C1_or_C2_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2ddc9010f5dd3b84ca31f5576bf662be1b0ccae8..0000000000000000000000000000000000000000
--- a/super_glue_copa__why_C1_or_C2_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aeabb6bc36e302d1023ce2989a7eeac7c7a8b8121934f84b63ae76c364426b9a
-size 19245
diff --git a/super_glue_copa_best_option/test-00000-of-00001.parquet b/super_glue_copa_best_option/test-00000-of-00001.parquet
deleted file mode 100644
index 4018cbcd4f5085f89957a4f9af19055657fbec59..0000000000000000000000000000000000000000
--- a/super_glue_copa_best_option/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:29f56bff0495837059b4f3603a87338bb5ee38ebddcaaf493eb35312e20143ba
-size 85820
diff --git a/super_glue_copa_best_option/train-00000-of-00001.parquet b/super_glue_copa_best_option/train-00000-of-00001.parquet
deleted file mode 100644
index f586279c9d1377329d6c9e469482ba7df4c9d130..0000000000000000000000000000000000000000
--- a/super_glue_copa_best_option/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:76f645c5711886cc6706164a3208750fc78e07aaa896b823b9d62d1f350ae6f0
-size 88904
diff --git a/super_glue_copa_best_option/validation-00000-of-00001.parquet b/super_glue_copa_best_option/validation-00000-of-00001.parquet
deleted file mode 100644
index 86004332c26ed016bcaee53c66199826e7ac8e54..0000000000000000000000000000000000000000
--- a/super_glue_copa_best_option/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2136250cec8d0a60883d85ce079ab3c7b273a212d5ba2923144aabbb4f9130d3
-size 28271
diff --git a/super_glue_copa_best_option_score_eval/test-00000-of-00001.parquet b/super_glue_copa_best_option_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 585409995f3adff3306147ec522df7e3bdfefd4b..0000000000000000000000000000000000000000
--- a/super_glue_copa_best_option_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a59ff0869e89c84a9de8bb7591a69951e964473f481d9236b34b2ad43e312c1e
-size 120655
diff --git a/super_glue_copa_best_option_score_eval/train-00000-of-00001.parquet b/super_glue_copa_best_option_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 567eaf4bddd932377ee5a0bb3d3b519c783c3a53..0000000000000000000000000000000000000000
--- a/super_glue_copa_best_option_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:afd802c421cd9af8175ba362e3762b6a58d714589761db8ae200106e2c376ee9
-size 104789
diff --git a/super_glue_copa_best_option_score_eval/validation-00000-of-00001.parquet b/super_glue_copa_best_option_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 9914f0e64f8756f1bf0287eb037a35c7f93ae90e..0000000000000000000000000000000000000000
--- a/super_glue_copa_best_option_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f9a0532133ee9e021790e680772052ce3cf21845d74f59e3725e298e689697d6
-size 31606
diff --git a/super_glue_copa_cause_effect/test-00000-of-00001.parquet b/super_glue_copa_cause_effect/test-00000-of-00001.parquet
deleted file mode 100644
index c37e754fd7321fe5fafb1883878695c1c5532710..0000000000000000000000000000000000000000
--- a/super_glue_copa_cause_effect/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b55429b3160f12a36961f561c7a716bba6c2f37a7ac43c79a7327a5e89374b47
-size 83143
diff --git a/super_glue_copa_cause_effect/train-00000-of-00001.parquet b/super_glue_copa_cause_effect/train-00000-of-00001.parquet
deleted file mode 100644
index b4d725889a92f30257942d29edd597874573a9c6..0000000000000000000000000000000000000000
--- a/super_glue_copa_cause_effect/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1a084eaa1f5f15e748ea276bae9054bc42403b9e64e08eb3051ef67e1c05ba1b
-size 87099
diff --git a/super_glue_copa_cause_effect/validation-00000-of-00001.parquet b/super_glue_copa_cause_effect/validation-00000-of-00001.parquet
deleted file mode 100644
index 622eb44ead36e4a7f3cb499fb631c93e53a37ea8..0000000000000000000000000000000000000000
--- a/super_glue_copa_cause_effect/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:634e7bfddcb28517e4f033cb8259ef0dc33b221326d74d45776052106684470e
-size 27659
diff --git a/super_glue_copa_cause_effect_score_eval/test-00000-of-00001.parquet b/super_glue_copa_cause_effect_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 370f1eab75c36a4c1dc29a5c446e7e4e9bcbbbf2..0000000000000000000000000000000000000000
--- a/super_glue_copa_cause_effect_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c64ecceee71659ebabb68ecd7962b42560e533f573f8baa51ae33c793631f72e
-size 117753
diff --git a/super_glue_copa_cause_effect_score_eval/train-00000-of-00001.parquet b/super_glue_copa_cause_effect_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index f70cbc47b103b7596b090851ed88b07591d8f1e3..0000000000000000000000000000000000000000
--- a/super_glue_copa_cause_effect_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:faeae5b40879d467d2932a2fb65403da7c7d8886f83bc8947a25a6b55a80dccf
-size 102195
diff --git a/super_glue_copa_cause_effect_score_eval/validation-00000-of-00001.parquet b/super_glue_copa_cause_effect_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index e3342fcc7b2acb90cd8deeba77c33d92a59408b3..0000000000000000000000000000000000000000
--- a/super_glue_copa_cause_effect_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:91320828e759675c4bfb8dd519d58b37629e018651ca5a5015348dde223793f6
-size 30852
diff --git a/super_glue_copa_choose/test-00000-of-00001.parquet b/super_glue_copa_choose/test-00000-of-00001.parquet
deleted file mode 100644
index 0e3e4a2794f47b731afb991c973b5fe57d87857f..0000000000000000000000000000000000000000
--- a/super_glue_copa_choose/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cbb5b0a1f128718b2da7843890ea11442900e378796ad1871343ed60bd440e14
-size 82345
diff --git a/super_glue_copa_choose/train-00000-of-00001.parquet b/super_glue_copa_choose/train-00000-of-00001.parquet
deleted file mode 100644
index 84e7992833e1fdcb59e8146141193e2d0f864c06..0000000000000000000000000000000000000000
--- a/super_glue_copa_choose/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8bebbddcc781bf5fe458cfce9d238a344cf12f994d6bebe42a1448cb3809a84b
-size 86063
diff --git a/super_glue_copa_choose/validation-00000-of-00001.parquet b/super_glue_copa_choose/validation-00000-of-00001.parquet
deleted file mode 100644
index 085e5763d87eeed4588f6a0c3e4402ed851ac75f..0000000000000000000000000000000000000000
--- a/super_glue_copa_choose/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4815124fe009f2b22ba9f1a286088a2ed87151920fac04dbe4a059024e06e37c
-size 27462
diff --git a/super_glue_copa_choose_score_eval/test-00000-of-00001.parquet b/super_glue_copa_choose_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 57bfaba6b4692c7c9b590462310b0bc2a63c0363..0000000000000000000000000000000000000000
--- a/super_glue_copa_choose_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:455ac322450039d3a15f32e54ba3e758f4f7c570ecb0c31fcd1eeb0ee765f51d
-size 115999
diff --git a/super_glue_copa_choose_score_eval/train-00000-of-00001.parquet b/super_glue_copa_choose_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 8eed005b7c19a81b165b9f99fe230ca39dc11254..0000000000000000000000000000000000000000
--- a/super_glue_copa_choose_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b8aa1ce0c0b9c0a62cd222354c8aadd9f27df1dde13025bcb0a7a266a64c92ba
-size 101327
diff --git a/super_glue_copa_choose_score_eval/validation-00000-of-00001.parquet b/super_glue_copa_choose_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 0457ef4019cf18b8e4a1a99f1eadc36a007fda83..0000000000000000000000000000000000000000
--- a/super_glue_copa_choose_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ff1165c8ee2ce29e7bcadbdc6da641ed0fe5cbd174b8d37f95b6216f4e8a00eb
-size 31013
diff --git a/super_glue_copa_exercise/test-00000-of-00001.parquet b/super_glue_copa_exercise/test-00000-of-00001.parquet
deleted file mode 100644
index 99eb3e47ad48c33d94aecde81f0f2010cfc38d2d..0000000000000000000000000000000000000000
--- a/super_glue_copa_exercise/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a2cdcee13f84fc0c49754e90f2d36691f24c8b035fcc7c57df5a51182796078f
-size 84466
diff --git a/super_glue_copa_exercise/train-00000-of-00001.parquet b/super_glue_copa_exercise/train-00000-of-00001.parquet
deleted file mode 100644
index ce1486d0fb2c74166fd35388297df6bbfd1f3030..0000000000000000000000000000000000000000
--- a/super_glue_copa_exercise/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:32d5e5c1bb23d05851595a898602b6ff5f6af3266287d2281da0f73057542c94
-size 87483
diff --git a/super_glue_copa_exercise/validation-00000-of-00001.parquet b/super_glue_copa_exercise/validation-00000-of-00001.parquet
deleted file mode 100644
index e03b92151ef4d698c95a764f6cc844abc041668b..0000000000000000000000000000000000000000
--- a/super_glue_copa_exercise/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:59c4d6ec97869f23f5c52aa9621146a794f9f19594b4b723458bdb2e63cdb9e8
-size 28075
diff --git a/super_glue_copa_exercise_score_eval/test-00000-of-00001.parquet b/super_glue_copa_exercise_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 15233a108d268ffcef2bd040f7f77ed9c0aea1a4..0000000000000000000000000000000000000000
--- a/super_glue_copa_exercise_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:77a9c03057965bddceb604b53e33b7222be95b595fa2b46a4541aaa65b7c4261
-size 119131
diff --git a/super_glue_copa_exercise_score_eval/train-00000-of-00001.parquet b/super_glue_copa_exercise_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 41308b4c6160ee2acba9ab1d1d459fdeb5b5f084..0000000000000000000000000000000000000000
--- a/super_glue_copa_exercise_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:65170f90242dd62c197b9df9039def992c8d576edc22c29db4cb169d46cbb4c2
-size 102565
diff --git a/super_glue_copa_exercise_score_eval/validation-00000-of-00001.parquet b/super_glue_copa_exercise_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index b0501f3909ba38e9f764eb1c2742b5ca841c4936..0000000000000000000000000000000000000000
--- a/super_glue_copa_exercise_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:331211c561a70f0ac5730ab842539f7c7096f669c4e4becc9c5dacd6bb845de3
-size 31335
diff --git a/super_glue_copa_i_am_hesitating/test-00000-of-00001.parquet b/super_glue_copa_i_am_hesitating/test-00000-of-00001.parquet
deleted file mode 100644
index 36e13c28bee13581bf137d74b59f3bb49c73d9ad..0000000000000000000000000000000000000000
--- a/super_glue_copa_i_am_hesitating/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:66ad15a55a240b0fd0e3acf7d252352adc1208914b022f0859e679ebe297d601
-size 86543
diff --git a/super_glue_copa_i_am_hesitating/train-00000-of-00001.parquet b/super_glue_copa_i_am_hesitating/train-00000-of-00001.parquet
deleted file mode 100644
index 4634e36b5a5b9e6f21a57a4dd9fef9e02869e0ba..0000000000000000000000000000000000000000
--- a/super_glue_copa_i_am_hesitating/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:62da121e6829b44f4ac01a60a0b44aca35983bfaebf1a0780d0e9349b466abc0
-size 89626
diff --git a/super_glue_copa_i_am_hesitating/validation-00000-of-00001.parquet b/super_glue_copa_i_am_hesitating/validation-00000-of-00001.parquet
deleted file mode 100644
index 359ffa0cefcbda80cf64a5a7b01c9ffa27dd5e98..0000000000000000000000000000000000000000
--- a/super_glue_copa_i_am_hesitating/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7b325d19eddb1a540f9ce7c15423642a08cf695b566aa788f63b4dc44acc2752
-size 28502
diff --git a/super_glue_copa_i_am_hesitating_score_eval/test-00000-of-00001.parquet b/super_glue_copa_i_am_hesitating_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 806a9e8bb8e012c5b09a5d366ab5df295a27bf50..0000000000000000000000000000000000000000
--- a/super_glue_copa_i_am_hesitating_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b42de3c7c63caa5bf5a634a9f6106d7f2f803ca672b0de3f7f65528e3d250efc
-size 120958
diff --git a/super_glue_copa_i_am_hesitating_score_eval/train-00000-of-00001.parquet b/super_glue_copa_i_am_hesitating_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index b9728464f003ae36bbd505231968e31270e32efe..0000000000000000000000000000000000000000
--- a/super_glue_copa_i_am_hesitating_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4461e983cf713d1d824f9b89603120507ac1042a46e38a6a8bb66742a32e77f1
-size 105074
diff --git a/super_glue_copa_i_am_hesitating_score_eval/validation-00000-of-00001.parquet b/super_glue_copa_i_am_hesitating_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index df759e69ccfac4bcfa59f8d2903f727a70f16117..0000000000000000000000000000000000000000
--- a/super_glue_copa_i_am_hesitating_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a69f2f53ab04805b17c39969825909b79efddae77af28aff679e0bb3b01df61
-size 32225
diff --git a/super_glue_copa_more_likely/test-00000-of-00001.parquet b/super_glue_copa_more_likely/test-00000-of-00001.parquet
deleted file mode 100644
index f3142b3d286d3080d0f05f274abccca2fdf25774..0000000000000000000000000000000000000000
--- a/super_glue_copa_more_likely/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c001c1c3b2584e407872e9714b5a3b3c31dcf549a9c4237df05da373924385f3
-size 86998
diff --git a/super_glue_copa_more_likely/train-00000-of-00001.parquet b/super_glue_copa_more_likely/train-00000-of-00001.parquet
deleted file mode 100644
index 30232223bfb29023c291211e8cdfa89127fe0d9d..0000000000000000000000000000000000000000
--- a/super_glue_copa_more_likely/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9ad201e55f5a879797085113cb0c481d3905497038822d4122c109325912cf9c
-size 90028
diff --git a/super_glue_copa_more_likely/validation-00000-of-00001.parquet b/super_glue_copa_more_likely/validation-00000-of-00001.parquet
deleted file mode 100644
index 1700c6eb59db3836f665894890cc57a1a8861e56..0000000000000000000000000000000000000000
--- a/super_glue_copa_more_likely/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:53173d0f0ee300a20a0c0b50859f54464f3629bc8878f221c7a0b28b3e5ab813
-size 28653
diff --git a/super_glue_copa_more_likely_score_eval/test-00000-of-00001.parquet b/super_glue_copa_more_likely_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 7e1b40112ac67d1a927f271c011fdcfdf32a94fb..0000000000000000000000000000000000000000
--- a/super_glue_copa_more_likely_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:88f9f8073e8e849628fea10e55fca9aa00e933b8915b41705b3e76167b751d4e
-size 122113
diff --git a/super_glue_copa_more_likely_score_eval/train-00000-of-00001.parquet b/super_glue_copa_more_likely_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 7509a94ad7536521df258da8cb9fb889e442f9dd..0000000000000000000000000000000000000000
--- a/super_glue_copa_more_likely_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ef1f44e72c7ad0b663541acbf59ac10396f092324893b7a8f3b0da33db3567bf
-size 106059
diff --git a/super_glue_copa_more_likely_score_eval/validation-00000-of-00001.parquet b/super_glue_copa_more_likely_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index a73c629516c5c1cb3eac882bee00bc852bb32469..0000000000000000000000000000000000000000
--- a/super_glue_copa_more_likely_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:79abd4b39ca808ef21dd9ec197a436c1a58e33ecf592924cb4a7355dc01151d7
-size 32434
diff --git a/super_glue_copa_plausible_alternatives/test-00000-of-00001.parquet b/super_glue_copa_plausible_alternatives/test-00000-of-00001.parquet
deleted file mode 100644
index c0e5042d0ac3e9e2d9d585e22c673156c2862825..0000000000000000000000000000000000000000
--- a/super_glue_copa_plausible_alternatives/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d71d399882bae3530358d8f71454945f78bdf70cbceed2b7508cdec95aeae87a
-size 85117
diff --git a/super_glue_copa_plausible_alternatives/train-00000-of-00001.parquet b/super_glue_copa_plausible_alternatives/train-00000-of-00001.parquet
deleted file mode 100644
index 57bd117e8fdb5c69e0813a2e71f29761c4eb68b0..0000000000000000000000000000000000000000
--- a/super_glue_copa_plausible_alternatives/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a812634cd267f020ab26ebee3d089603b0855449044480d9013b4bad47b6974
-size 87909
diff --git a/super_glue_copa_plausible_alternatives/validation-00000-of-00001.parquet b/super_glue_copa_plausible_alternatives/validation-00000-of-00001.parquet
deleted file mode 100644
index e96d3659c54c4c6fa2bf66ad6882e346d018c76b..0000000000000000000000000000000000000000
--- a/super_glue_copa_plausible_alternatives/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bc68e578a2ce8d4ac0a886106c02f28379aac00814effbac1e07705b56f3ba0a
-size 28177
diff --git a/super_glue_copa_plausible_alternatives_score_eval/test-00000-of-00001.parquet b/super_glue_copa_plausible_alternatives_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index c08ac18b1f96bee9468e35f5ad72fc1b7c003af9..0000000000000000000000000000000000000000
--- a/super_glue_copa_plausible_alternatives_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:af3acfd128b7573376d4eee50f1d4d2c2bed190c97c093ae8fb168f14e6a6c06
-size 119608
diff --git a/super_glue_copa_plausible_alternatives_score_eval/train-00000-of-00001.parquet b/super_glue_copa_plausible_alternatives_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 46ea6ba75811fcd8eab75daa5a632e287ce699e6..0000000000000000000000000000000000000000
--- a/super_glue_copa_plausible_alternatives_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d0f0c0f69cbd596846b9c6b5ff6aa4d36a5abd9984b6c1d6440901699bbfc6e9
-size 102968
diff --git a/super_glue_copa_plausible_alternatives_score_eval/validation-00000-of-00001.parquet b/super_glue_copa_plausible_alternatives_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index fa04d283b4cf2d5b58076832544349d4dad93b08..0000000000000000000000000000000000000000
--- a/super_glue_copa_plausible_alternatives_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:83a149848555d0f365b223bc2779e6470ea079c3efc87ff170d77f112d72f01f
-size 31687
diff --git a/super_glue_multirc_I_was_going_to_say_/test-00000-of-00001.parquet b/super_glue_multirc_I_was_going_to_say_/test-00000-of-00001.parquet
deleted file mode 100644
index 5d1013c3b09a5bea8fcc087bb33fc52de9498b4d..0000000000000000000000000000000000000000
--- a/super_glue_multirc_I_was_going_to_say_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fd7c9ecedac92e0f4ed7d62710599582c6621e618bad041d7673f33f89aa3c0f
-size 2262159
diff --git a/super_glue_multirc_I_was_going_to_say_/train-00000-of-00001.parquet b/super_glue_multirc_I_was_going_to_say_/train-00000-of-00001.parquet
deleted file mode 100644
index f94b73954c2eaacaa14d28e89ec90100e6b2b711..0000000000000000000000000000000000000000
--- a/super_glue_multirc_I_was_going_to_say_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fbbfbc0271f515473eac36ee345374d5958f54cb1488bcf61955b2ec1081f8fa
-size 6751840
diff --git a/super_glue_multirc_I_was_going_to_say_/validation-00000-of-00001.parquet b/super_glue_multirc_I_was_going_to_say_/validation-00000-of-00001.parquet
deleted file mode 100644
index e9fde2d257a4f05016e3c63853a26bfc05e1c7f5..0000000000000000000000000000000000000000
--- a/super_glue_multirc_I_was_going_to_say_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9b664d4e44cb5846c12ecbfe31e6c4b5e3129e0fcf4ba8e2ab8f4c90269d559d
-size 1188982
diff --git a/super_glue_multirc_Would_it_be_good_to_answer_/test-00000-of-00001.parquet b/super_glue_multirc_Would_it_be_good_to_answer_/test-00000-of-00001.parquet
deleted file mode 100644
index 00d3dca2c69264ff40d6b5e3483d048ee2530af5..0000000000000000000000000000000000000000
--- a/super_glue_multirc_Would_it_be_good_to_answer_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dd012006c6be0acb059b259da420a00eb4b6462fc48af0dca0f05773fbea263f
-size 2261910
diff --git a/super_glue_multirc_Would_it_be_good_to_answer_/train-00000-of-00001.parquet b/super_glue_multirc_Would_it_be_good_to_answer_/train-00000-of-00001.parquet
deleted file mode 100644
index f6f8b56060cdb3ca610332fd705a5f61d2570ca9..0000000000000000000000000000000000000000
--- a/super_glue_multirc_Would_it_be_good_to_answer_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:343aa767e90bbbf219c3813f867d90d4c21cfd38aa9c95932a6ab725a311781e
-size 6710376
diff --git a/super_glue_multirc_Would_it_be_good_to_answer_/validation-00000-of-00001.parquet b/super_glue_multirc_Would_it_be_good_to_answer_/validation-00000-of-00001.parquet
deleted file mode 100644
index 97c14e6cfe2512865a6730d855d809af07a2557f..0000000000000000000000000000000000000000
--- a/super_glue_multirc_Would_it_be_good_to_answer_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee8c73f0afae453fa417148256e64dc9dd226159e51abd69f1950a3f047a4cd6
-size 1172893
diff --git a/super_glue_multirc_confirm/test-00000-of-00001.parquet b/super_glue_multirc_confirm/test-00000-of-00001.parquet
deleted file mode 100644
index 8d8c7b3b6885d9e8a310aa29425550a19c0846d3..0000000000000000000000000000000000000000
--- a/super_glue_multirc_confirm/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e3b3beb6ebfc53f5a57dc814cbddadb152ae6121b655ba03fabb2e56cd8db17e
-size 2297120
diff --git a/super_glue_multirc_confirm/train-00000-of-00001.parquet b/super_glue_multirc_confirm/train-00000-of-00001.parquet
deleted file mode 100644
index c5369cf70f447b4ba8a4ba9190ad7a4bf5f3bec5..0000000000000000000000000000000000000000
--- a/super_glue_multirc_confirm/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9d7b874c6f7ccdc9958bebb850b6c397020a8a5737081a6693394a6aba7ac454
-size 6838493
diff --git a/super_glue_multirc_confirm/validation-00000-of-00001.parquet b/super_glue_multirc_confirm/validation-00000-of-00001.parquet
deleted file mode 100644
index e41d9bcd64146af05f65dbeba9b99ad665c48336..0000000000000000000000000000000000000000
--- a/super_glue_multirc_confirm/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:44331077d2ff78f42ed96a95cee5ba68c7e96af6f15190790584173be3602446
-size 1207424
diff --git a/super_glue_multirc_correct/test-00000-of-00001.parquet b/super_glue_multirc_correct/test-00000-of-00001.parquet
deleted file mode 100644
index 181d31c1fe96e4f0b7e049d209e6a5096b801362..0000000000000000000000000000000000000000
--- a/super_glue_multirc_correct/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:22bac8ac619b98ee9a4b2c93a34bf40a56a1a78350ccbbbe92f2720ac68feaa5
-size 2326953
diff --git a/super_glue_multirc_correct/train-00000-of-00001.parquet b/super_glue_multirc_correct/train-00000-of-00001.parquet
deleted file mode 100644
index 5dd88b450b5642d06f0243fc0592a782417b08af..0000000000000000000000000000000000000000
--- a/super_glue_multirc_correct/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cd9081c96f836f7ee5ec922c5d65830487b5ae9a72b672c03a8aed58a4735130
-size 6894556
diff --git a/super_glue_multirc_correct/validation-00000-of-00001.parquet b/super_glue_multirc_correct/validation-00000-of-00001.parquet
deleted file mode 100644
index d87c3ebc7d945f5133e3c44cead51ee70c2504f5..0000000000000000000000000000000000000000
--- a/super_glue_multirc_correct/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:41d9d3b72ab55b9d676263adf534ad302ea0c8dafd2d54031ead0361f6377c60
-size 1206976
diff --git a/super_glue_multirc_decide_valid/test-00000-of-00001.parquet b/super_glue_multirc_decide_valid/test-00000-of-00001.parquet
deleted file mode 100644
index 5bc783d419e1882d37b7e54ad0d95451e8d4c068..0000000000000000000000000000000000000000
--- a/super_glue_multirc_decide_valid/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:422c87a19dd78d935c3db349fb44c2ff1f590a7e81b31b4a143fab4d5ddbbf34
-size 2309211
diff --git a/super_glue_multirc_decide_valid/train-00000-of-00001.parquet b/super_glue_multirc_decide_valid/train-00000-of-00001.parquet
deleted file mode 100644
index df7149d3a00f7b24da1e56beaa1064efd6bb5789..0000000000000000000000000000000000000000
--- a/super_glue_multirc_decide_valid/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dc319a841a4952fe5a162b0a41ce84ea6f25afd314146dfb1dd2344dc34e73b8
-size 6870301
diff --git a/super_glue_multirc_decide_valid/validation-00000-of-00001.parquet b/super_glue_multirc_decide_valid/validation-00000-of-00001.parquet
deleted file mode 100644
index cfcfa0bf2e7e3baf897c48e876d3e12a0c387db5..0000000000000000000000000000000000000000
--- a/super_glue_multirc_decide_valid/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:39743510adfa6612e7150dd4f57280f6cd254da21b72733980c0997557393182
-size 1208872
diff --git a/super_glue_multirc_found_this_answer/test-00000-of-00001.parquet b/super_glue_multirc_found_this_answer/test-00000-of-00001.parquet
deleted file mode 100644
index f833e682daa9b3d3796e06d3532d2d6cc84bcec7..0000000000000000000000000000000000000000
--- a/super_glue_multirc_found_this_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d62e4ff915a0ec89b79332b4eb446220dc4eb84cbd180fb7d121dcd70bb5edcd
-size 2294245
diff --git a/super_glue_multirc_found_this_answer/train-00000-of-00001.parquet b/super_glue_multirc_found_this_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 78327751c535da4156aca0ba7c77ef6a6a6f800e..0000000000000000000000000000000000000000
--- a/super_glue_multirc_found_this_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cc87eeef1077267cf2b0f2a5fce5134eeb913fa17e6c31fc620ba38fb0edc3b8
-size 6825400
diff --git a/super_glue_multirc_found_this_answer/validation-00000-of-00001.parquet b/super_glue_multirc_found_this_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 56ef8703997387144f82c695d8fd107d1df11159..0000000000000000000000000000000000000000
--- a/super_glue_multirc_found_this_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f726358b741d79e40a117776ed90074277950552a2be8e31ab36599005a334cf
-size 1190989
diff --git a/super_glue_multirc_grading/test-00000-of-00001.parquet b/super_glue_multirc_grading/test-00000-of-00001.parquet
deleted file mode 100644
index 06563ea05dcf7806bade2ed444dfd9b014f70b63..0000000000000000000000000000000000000000
--- a/super_glue_multirc_grading/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7ac1565cee70e48a2718ebd28698183bc4ec77663e3dcba7054d4bc41dfe17b2
-size 2305594
diff --git a/super_glue_multirc_grading/train-00000-of-00001.parquet b/super_glue_multirc_grading/train-00000-of-00001.parquet
deleted file mode 100644
index ed4d0275e8fd8b21626e0f70026410f904c49f3c..0000000000000000000000000000000000000000
--- a/super_glue_multirc_grading/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0fb0fcfc9089e650d4e606fd54450cb51e90e133037033bb73fb81512a9e9196
-size 6862014
diff --git a/super_glue_multirc_grading/validation-00000-of-00001.parquet b/super_glue_multirc_grading/validation-00000-of-00001.parquet
deleted file mode 100644
index b3c246cdbfdae02cd4f1490f332e499c48ae3e34..0000000000000000000000000000000000000000
--- a/super_glue_multirc_grading/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f74ffd92fe98982e6cb03ef81ceb92fc518496c4d75a672fb4c69df3d6a462c6
-size 1213239
diff --git a/super_glue_multirc_is_a_correct_answer_/test-00000-of-00001.parquet b/super_glue_multirc_is_a_correct_answer_/test-00000-of-00001.parquet
deleted file mode 100644
index 7b131df4b6e4e4a44fd32b3ef5d4013c41871970..0000000000000000000000000000000000000000
--- a/super_glue_multirc_is_a_correct_answer_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6769def6ea3ec9fbf8d8eee4ed734b8666374489a0dc980b480d7c67b285e69d
-size 2285091
diff --git a/super_glue_multirc_is_a_correct_answer_/train-00000-of-00001.parquet b/super_glue_multirc_is_a_correct_answer_/train-00000-of-00001.parquet
deleted file mode 100644
index f02b69592bcec782c5f8c2b3f5f9455e51c5ec0a..0000000000000000000000000000000000000000
--- a/super_glue_multirc_is_a_correct_answer_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fbda3618024e33fdf68544f69a78d9030c1315a47b13e5092c5f1fae98483000
-size 6796257
diff --git a/super_glue_multirc_is_a_correct_answer_/validation-00000-of-00001.parquet b/super_glue_multirc_is_a_correct_answer_/validation-00000-of-00001.parquet
deleted file mode 100644
index 66dba9c8f35b4e149b0b92eec763e03e85bb7abb..0000000000000000000000000000000000000000
--- a/super_glue_multirc_is_a_correct_answer_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:de30bec9bd6f0308a614260f91690866a7db67623a0b3b181a259598902683e0
-size 1196553
diff --git a/super_glue_multirc_is_the_correct_answer_/test-00000-of-00001.parquet b/super_glue_multirc_is_the_correct_answer_/test-00000-of-00001.parquet
deleted file mode 100644
index 17b8efa0c7bda8e406dba13ff45d61357608314a..0000000000000000000000000000000000000000
--- a/super_glue_multirc_is_the_correct_answer_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9a67b2a1d61527008d4e5d3bfb92033647d7ee3c9fcaeca143905c4b30e1d470
-size 2227862
diff --git a/super_glue_multirc_is_the_correct_answer_/train-00000-of-00001.parquet b/super_glue_multirc_is_the_correct_answer_/train-00000-of-00001.parquet
deleted file mode 100644
index e76d240a98b6f83a4790fc0471d2a07cd2b8693e..0000000000000000000000000000000000000000
--- a/super_glue_multirc_is_the_correct_answer_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5bd2654067be1fe37ea8ab2d7c59618c0187d162421f6ba4331d6e011ef6a7d2
-size 6666698
diff --git a/super_glue_multirc_is_the_correct_answer_/validation-00000-of-00001.parquet b/super_glue_multirc_is_the_correct_answer_/validation-00000-of-00001.parquet
deleted file mode 100644
index 2f6f40dd5a139e128c093c97d6aa763b62520d92..0000000000000000000000000000000000000000
--- a/super_glue_multirc_is_the_correct_answer_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cc4135701d44faaed50a525a2dabec097a04fd80ace374ccc0e7e4c280ebda6d
-size 1169024
diff --git a/super_glue_multirc_paragraph_question_is_it_/test-00000-of-00001.parquet b/super_glue_multirc_paragraph_question_is_it_/test-00000-of-00001.parquet
deleted file mode 100644
index e25f93eb521f9393650dd473c51bbdbdaa5f1e76..0000000000000000000000000000000000000000
--- a/super_glue_multirc_paragraph_question_is_it_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ad76911eab84ac9b05900134935448bb80e39a7eea478a3ff8a991e8aaa226a2
-size 2220507
diff --git a/super_glue_multirc_paragraph_question_is_it_/train-00000-of-00001.parquet b/super_glue_multirc_paragraph_question_is_it_/train-00000-of-00001.parquet
deleted file mode 100644
index 03a44615a41353a1349df3a4115323663842412c..0000000000000000000000000000000000000000
--- a/super_glue_multirc_paragraph_question_is_it_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d7ffdfe82c45abccc1f6e27eb5376824e9b4a49140e7042f47c1fe8fc4ee66e8
-size 6640839
diff --git a/super_glue_multirc_paragraph_question_is_it_/validation-00000-of-00001.parquet b/super_glue_multirc_paragraph_question_is_it_/validation-00000-of-00001.parquet
deleted file mode 100644
index 495e46246bdda71cc3d5f75cf83fc2e206ec82bc..0000000000000000000000000000000000000000
--- a/super_glue_multirc_paragraph_question_is_it_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c877e1c2ab50c287426272928931652e0d9363ccd94b82b74280565666e6b1fd
-size 1163423
diff --git a/super_glue_record_Add_sentence_after_after_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_Add_sentence_after_after_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index c8dd306d970dc680687ddae9fa2fb293f0e1c639..0000000000000000000000000000000000000000
--- a/super_glue_record_Add_sentence_after_after_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cfba7465931d459a75ab461ccb5ce4d27126848c585b4ce20fb72bbc4b921ab1
-size 12411651
diff --git a/super_glue_record_Add_sentence_after_after_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_Add_sentence_after_after_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index 054dbc80b31fdb291a3a64de5450195f1c37a5b8..0000000000000000000000000000000000000000
--- a/super_glue_record_Add_sentence_after_after_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:77af029ff6dcc548554c77ebc7cd52f744099c7abace112c63ddf267b8ad20c6
-size 134766640
diff --git a/super_glue_record_Add_sentence_after_after_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_Add_sentence_after_after_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index 3b858d6595c0284c6e5aa5af11e60ef7b510139b..0000000000000000000000000000000000000000
--- a/super_glue_record_Add_sentence_after_after_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0ee925122af78cb447e635f3fcf631696dd332ab439f78932cdb208d5610cedf
-size 14157749
diff --git a/super_glue_record_Add_sentence_after_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_Add_sentence_after_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index 4b3cb584bbcb5e1f023f660ab2735eba1f39c109..0000000000000000000000000000000000000000
--- a/super_glue_record_Add_sentence_after_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5b59a85e0f7277417c27e53c7dcf76f24a99f058167518e285426c81b7422755
-size 12335280
diff --git a/super_glue_record_Add_sentence_after_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_Add_sentence_after_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index 789371231877aceb4ff972da0c5f6f4f2664c142..0000000000000000000000000000000000000000
--- a/super_glue_record_Add_sentence_after_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e84edad80527cae01f181e687dc865fcf33aeeaea5a30a38d9ea32f4fd92d26e
-size 134497510
diff --git a/super_glue_record_Add_sentence_after_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_Add_sentence_after_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index 3b359abf0252812bce3794b3a1b5762742f24de2..0000000000000000000000000000000000000000
--- a/super_glue_record_Add_sentence_after_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3b920fcb0c824df77556616569cd8f87116bcb074f8e560533896e575b9d1c4c
-size 14107104
diff --git a/super_glue_record_Can_you_figure_out_/test-00000-of-00001.parquet b/super_glue_record_Can_you_figure_out_/test-00000-of-00001.parquet
deleted file mode 100644
index a091915f28ba0ae540c2fc4fa92f070f69feed86..0000000000000000000000000000000000000000
--- a/super_glue_record_Can_you_figure_out_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dd5e8573e0f324123632d1bf9d28530295301a56fd81c61389af237ae8214603
-size 11731824
diff --git a/super_glue_record_Can_you_figure_out_/train-00000-of-00001.parquet b/super_glue_record_Can_you_figure_out_/train-00000-of-00001.parquet
deleted file mode 100644
index 9c7f6c466a3ddd23d372c540afe4786b823227ce..0000000000000000000000000000000000000000
--- a/super_glue_record_Can_you_figure_out_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8ac7d6f8c23b14f128ebec2630460e8a556680e3ad22fdeee985cfb71b34ac8c
-size 113391503
diff --git a/super_glue_record_Can_you_figure_out_/validation-00000-of-00001.parquet b/super_glue_record_Can_you_figure_out_/validation-00000-of-00001.parquet
deleted file mode 100644
index b9d1171a431e0274c5d79f2ad1f8047ddaa75b9f..0000000000000000000000000000000000000000
--- a/super_glue_record_Can_you_figure_out_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8ca710fd323c9ac82a6c329bd4e2d4aa7add40ebde34d9ffac65575d820ed913
-size 11952396
diff --git a/super_glue_record_GPT_3_style_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_GPT_3_style_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index 231823e90114d446d13f4ee1e5565d5377e0bced..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a4cbfe758b85f42567838fce7bbc446e7656db7e015275b55c8a3dfa8d3dd812
-size 12394466
diff --git a/super_glue_record_GPT_3_style_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_GPT_3_style_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index 79c541b6eb494a82c0908fb5c3b24ac45f24c5cc..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:66331685b64090eea46db7a4e4f2811118fbea8f96390ecc5dc4b043ca681680
-size 135068066
diff --git a/super_glue_record_GPT_3_style_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_GPT_3_style_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index ee28ddd918588728c03f058681b1500520258bdc..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f0562fc9106443824a810d82efbab08446a3f9882ed2c6d8c0b18e6a98846d76
-size 14144125
diff --git a/super_glue_record_GPT_3_style_summary_only_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_GPT_3_style_summary_only_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index eca4a33fa92f66611a9d0ef203ba130ecd6af63e..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_summary_only_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:117ff687b294887378041aaae38766507c0fbcd2e014f460163577c253330c24
-size 12333930
diff --git a/super_glue_record_GPT_3_style_summary_only_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_GPT_3_style_summary_only_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index 323b365669aaddd7cf265edb637988128feea3fc..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_summary_only_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:76cddad6523255c6ea82daa62367b5e4326920e8f8eed544062762cddbca5aed
-size 134948395
diff --git a/super_glue_record_GPT_3_style_summary_only_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_GPT_3_style_summary_only_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index 2019bfe0edff87137040362f930e6bcecca73420..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_summary_only_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ac03995d796dab09d1415b08620f6772f9dac526f6126cbb94af678f20d65891
-size 14148202
diff --git a/super_glue_record_GPT_3_style_with_labels_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_GPT_3_style_with_labels_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index e168410526e77e09dbb7140a04c1b7dd2957f73d..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_with_labels_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:57bd7ec61c47b45cc9ce51320a2d49287a5a4fd1d3b06efe17d5a212b37efa2a
-size 12435090
diff --git a/super_glue_record_GPT_3_style_with_labels_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_GPT_3_style_with_labels_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index 87023b9158ed5f9304c51068906189ebf940bbd3..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_with_labels_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e633a40adf616f56371ec8aca7a18c3a5d82ce147fec1621a1555a86942d7263
-size 135043526
diff --git a/super_glue_record_GPT_3_style_with_labels_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_GPT_3_style_with_labels_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index f2e87b2df030347631f380655bd0348f8ad8d473..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_with_labels_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b0088eb176ce1d18cb6ba19dc037a95d31056337ba77d69c6f481b3ead72d0c8
-size 14179188
diff --git a/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index 72fd1174d1dfa91a981e46db050d3acc6a83a218..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5ee162143564f4960d6dabf7756a96a7c43417b41a9ec935c67ea4c3cfe7ce1d
-size 12417465
diff --git a/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index 518a7142ed04d80b8eaa0411d8e384c2d52555e7..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e93952a29cc432dc603e59c7fe8058f7673f0b907e2423b3ecb0fb15cd904b2c
-size 135270870
diff --git a/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index 513d8736a94b1b11d14265cc1ebe6c849ce579c5..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0297a28d5f7983c9713167e6b00910b1ea2bf3a434d6cb627dc460673a7c055a
-size 14172625
diff --git a/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index bdb2fb652d4268e99c6a57958e3004675e5e8016..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:538bab23111422e95aea24a72d7b961dff003615afa8e6d43f0218a0466b2724
-size 12319644
diff --git a/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index d0bfeb6389228d3626c33b30386dac995f1be238..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0801578da027da9931a9bf26666294efb73684ad77310480547bb90a95c98671
-size 134810171
diff --git a/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index 7c670e5424bca1b76c9902285de25e087bd5c16f..0000000000000000000000000000000000000000
--- a/super_glue_record_GPT_3_style_without_hyphens_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2db2e6faab07f9a384d2a518dfe74cef9026d85fbd451f998891914fb4df9119
-size 14084566
diff --git a/super_glue_record_In_the_question_above_the_placeholder_stands_for/test-00000-of-00001.parquet b/super_glue_record_In_the_question_above_the_placeholder_stands_for/test-00000-of-00001.parquet
deleted file mode 100644
index 2406d0367d0497919383bce219e9feaf6ba9dadc..0000000000000000000000000000000000000000
--- a/super_glue_record_In_the_question_above_the_placeholder_stands_for/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:648fcb649b9c413addfda14100a39b713d78ea5b50fa108b643e8d6ed95c0969
-size 11704026
diff --git a/super_glue_record_In_the_question_above_the_placeholder_stands_for/train-00000-of-00001.parquet b/super_glue_record_In_the_question_above_the_placeholder_stands_for/train-00000-of-00001.parquet
deleted file mode 100644
index 5cabd9cceb20455ff74f08f8f5cb2c6222dc6fc4..0000000000000000000000000000000000000000
--- a/super_glue_record_In_the_question_above_the_placeholder_stands_for/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a9b4b486a7b72cc13a9c41ead1f8e2754090f34ce0c6e8d30bad38cec5489ce8
-size 113338974
diff --git a/super_glue_record_In_the_question_above_the_placeholder_stands_for/validation-00000-of-00001.parquet b/super_glue_record_In_the_question_above_the_placeholder_stands_for/validation-00000-of-00001.parquet
deleted file mode 100644
index fdb8acc419cd917a006ad0674f68794701f789a2..0000000000000000000000000000000000000000
--- a/super_glue_record_In_the_question_above_the_placeholder_stands_for/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b12e9d49984d7fa4efde702d5956abb2fac29fadc284b96d79af32aadd649436
-size 11872415
diff --git a/super_glue_record_New_highlight_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_New_highlight_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index d9108af3e38d8dfcbc71bbe9bd7a5821bfbd4fbd..0000000000000000000000000000000000000000
--- a/super_glue_record_New_highlight_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:568ce33fb3832ab7239472c9dec54d03582c86ed2cdf6f06831f99dc6b348f90
-size 12415028
diff --git a/super_glue_record_New_highlight_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_New_highlight_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index c0387a312a93b72bd4ea730ffb7ff0925e224709..0000000000000000000000000000000000000000
--- a/super_glue_record_New_highlight_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:af0d4a93e247649f7943264b8aaf88556a9352c2c46e2bfef8b72981c823f90f
-size 134867873
diff --git a/super_glue_record_New_highlight_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_New_highlight_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index 23d0b8beac25b4fcf889aa599e547a0930e6e37c..0000000000000000000000000000000000000000
--- a/super_glue_record_New_highlight_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f30a41f9b16782ee05e30679be2fd99270256842c1d481d201e36e3c4826ad15
-size 14127532
diff --git a/super_glue_record_News_article_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_News_article_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index 3047d70218210eab862885e269447aa6f03cdb28..0000000000000000000000000000000000000000
--- a/super_glue_record_News_article_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3a6f6b26e2023b7f7ce309ab88c0e71770103c72b89e5e8c051a0508467abeea
-size 12447958
diff --git a/super_glue_record_News_article_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_News_article_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index 5cbfee70d9cf1981493c4b9faf94c46eca60489a..0000000000000000000000000000000000000000
--- a/super_glue_record_News_article_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8d52fad9b1ea2ef5a7f6055ffce112130cac62b25f72cfee4a0d3d05ff286400
-size 134544187
diff --git a/super_glue_record_News_article_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_News_article_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index 183236c5f39e16abfbebb030610e013a9084b8fa..0000000000000000000000000000000000000000
--- a/super_glue_record_News_article_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:806484396862bcd68ad0c65e904e2269f729cba08cf9b2c46e807033265049f9
-size 14157795
diff --git a/super_glue_record_Summary_first_continuation_choices_/test-00000-of-00001.parquet b/super_glue_record_Summary_first_continuation_choices_/test-00000-of-00001.parquet
deleted file mode 100644
index 9f4bcda0db974166054a7699af8d65229fb28a70..0000000000000000000000000000000000000000
--- a/super_glue_record_Summary_first_continuation_choices_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2fc26dc2d9899f9116d31b573d415981d4e46e2eef67e6135d614bcf1b0c924d
-size 12393967
diff --git a/super_glue_record_Summary_first_continuation_choices_/train-00000-of-00001.parquet b/super_glue_record_Summary_first_continuation_choices_/train-00000-of-00001.parquet
deleted file mode 100644
index 4486f36759096a9ca856357d6fd1ad87222b28ba..0000000000000000000000000000000000000000
--- a/super_glue_record_Summary_first_continuation_choices_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c04424a2da2f184880b2b138a36bc40f909fd10f0d0437c7baa6bbd7162d9b97
-size 134950256
diff --git a/super_glue_record_Summary_first_continuation_choices_/validation-00000-of-00001.parquet b/super_glue_record_Summary_first_continuation_choices_/validation-00000-of-00001.parquet
deleted file mode 100644
index 46f3e7d4110bb36a1662cfc17c551362f183ae00..0000000000000000000000000000000000000000
--- a/super_glue_record_Summary_first_continuation_choices_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c22995c36389b2b4f74ef6754ce4618da6cc06e475c93924db75a5c3ae4806db
-size 14166621
diff --git a/super_glue_record_What_could_the_placeholder_be_/test-00000-of-00001.parquet b/super_glue_record_What_could_the_placeholder_be_/test-00000-of-00001.parquet
deleted file mode 100644
index bd0664c614cbe99f1bcbd1722ca0189fa83ea179..0000000000000000000000000000000000000000
--- a/super_glue_record_What_could_the_placeholder_be_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:57e4a977c2cef022ca08ae4e80ab6e88e9c260fe86d5884d95088cc9ae3bbe05
-size 12778273
diff --git a/super_glue_record_What_could_the_placeholder_be_/train-00000-of-00001.parquet b/super_glue_record_What_could_the_placeholder_be_/train-00000-of-00001.parquet
deleted file mode 100644
index f386f5c89fb7b44b74d1146e1df794b40b784ca3..0000000000000000000000000000000000000000
--- a/super_glue_record_What_could_the_placeholder_be_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5bc188e17751a3423ab89ef5984dcd96ba737ee754154f6be2b6285c41cbd733
-size 123492389
diff --git a/super_glue_record_What_could_the_placeholder_be_/validation-00000-of-00001.parquet b/super_glue_record_What_could_the_placeholder_be_/validation-00000-of-00001.parquet
deleted file mode 100644
index 55fff522b7f4cd63695f65d8282b2f2fac4ba999..0000000000000000000000000000000000000000
--- a/super_glue_record_What_could_the_placeholder_be_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f39e26996bb0e199c700bdd08ef522414022f5c644d75fde338f2e4ce40ea928
-size 12987176
diff --git a/super_glue_record_Which_one_is_the_placeholder_/test-00000-of-00001.parquet b/super_glue_record_Which_one_is_the_placeholder_/test-00000-of-00001.parquet
deleted file mode 100644
index b0b1b053f678feb7e7cf0cdcfb2b8e19afbad70b..0000000000000000000000000000000000000000
--- a/super_glue_record_Which_one_is_the_placeholder_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f9ab2aca638dfe41fb794abba711f3743d7cbbbb555c7e72638d89459b4a0c38
-size 12761829
diff --git a/super_glue_record_Which_one_is_the_placeholder_/train-00000-of-00001.parquet b/super_glue_record_Which_one_is_the_placeholder_/train-00000-of-00001.parquet
deleted file mode 100644
index a71feadcdc1a2f4ece8e226f3f3f1b1562ebfafa..0000000000000000000000000000000000000000
--- a/super_glue_record_Which_one_is_the_placeholder_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c511f7f0d07217db167c5226b034f9e1d9ccd06b0116f4f5006d61835c572b23
-size 123405040
diff --git a/super_glue_record_Which_one_is_the_placeholder_/validation-00000-of-00001.parquet b/super_glue_record_Which_one_is_the_placeholder_/validation-00000-of-00001.parquet
deleted file mode 100644
index 15478adfa6f2d4a203c059a85c1a4d76c37a37f6..0000000000000000000000000000000000000000
--- a/super_glue_record_Which_one_is_the_placeholder_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5bbb4ddd728b630d2a6a13dafefe7495012f110aec7031f596b85f4831ef54a8
-size 12982895
diff --git a/super_glue_record_choose_between/test-00000-of-00001.parquet b/super_glue_record_choose_between/test-00000-of-00001.parquet
deleted file mode 100644
index 2907bba3f1d706b24faa3d6c67ddd39107636192..0000000000000000000000000000000000000000
--- a/super_glue_record_choose_between/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a5172b8d12396ebb4b6e4d1b2ff1ca85f419e6cb384d479b2ed71755b3dabf65
-size 12860079
diff --git a/super_glue_record_choose_between/train-00000-of-00001.parquet b/super_glue_record_choose_between/train-00000-of-00001.parquet
deleted file mode 100644
index 1483f4ba303518443a0537c6df1cba80ff80dd5e..0000000000000000000000000000000000000000
--- a/super_glue_record_choose_between/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:581baa826d85e02e562da53614034d31902c06ac98687474b8bc01a562a64c1b
-size 125012619
diff --git a/super_glue_record_choose_between/validation-00000-of-00001.parquet b/super_glue_record_choose_between/validation-00000-of-00001.parquet
deleted file mode 100644
index 98b9bc07935875d33381316915a15ca50832dbb4..0000000000000000000000000000000000000000
--- a/super_glue_record_choose_between/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3d976621562af6c739411ad7d1af7ae2c23dc29db43035dde2a0c70f26c225f8
-size 13087979
diff --git a/super_glue_record_corrupted/test-00000-of-00001.parquet b/super_glue_record_corrupted/test-00000-of-00001.parquet
deleted file mode 100644
index 727f8a4ac909c8b26ac0fc799cf4d251fbe18a6b..0000000000000000000000000000000000000000
--- a/super_glue_record_corrupted/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fc2ae5b78ebef19275b2d65a5b3e08460f78f3c7562a22027f93f6c1ff8a4eff
-size 11733231
diff --git a/super_glue_record_corrupted/train-00000-of-00001.parquet b/super_glue_record_corrupted/train-00000-of-00001.parquet
deleted file mode 100644
index a04be7d5eac10891e1e2bee5a0326393bc601d74..0000000000000000000000000000000000000000
--- a/super_glue_record_corrupted/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c0a5ce37bd66c1a0b3822577c2c182b07e5be2220b1f36cc197f087979a3b86c
-size 113684202
diff --git a/super_glue_record_corrupted/validation-00000-of-00001.parquet b/super_glue_record_corrupted/validation-00000-of-00001.parquet
deleted file mode 100644
index 5b0fe5826c7584abccc47fa1d0a4afd43186d1d5..0000000000000000000000000000000000000000
--- a/super_glue_record_corrupted/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:64b437ad08bd2f5339915d13d67837eb5b8a8b1de41d162240a251f099109939
-size 11962938
diff --git a/super_glue_record_exercise/test-00000-of-00001.parquet b/super_glue_record_exercise/test-00000-of-00001.parquet
deleted file mode 100644
index f673697087e4497ae8511abe37530200546deca5..0000000000000000000000000000000000000000
--- a/super_glue_record_exercise/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:54ef0e149e61f853402262ac343d50785a2c824fc8fbb90818c40f293dc4d17c
-size 11756549
diff --git a/super_glue_record_exercise/train-00000-of-00001.parquet b/super_glue_record_exercise/train-00000-of-00001.parquet
deleted file mode 100644
index d642298880a1a7107e28bb2bcb915c54a7332972..0000000000000000000000000000000000000000
--- a/super_glue_record_exercise/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:48a61e7a2f6575909e91983433d30a26d204e086287fe6c13e045801b5605819
-size 113720896
diff --git a/super_glue_record_exercise/validation-00000-of-00001.parquet b/super_glue_record_exercise/validation-00000-of-00001.parquet
deleted file mode 100644
index d19bf656ea5bc2ace8f17fb6542994982faa827a..0000000000000000000000000000000000000000
--- a/super_glue_record_exercise/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:28f2988947071367106ccf4b67bf5adae23628ee382263c5b097ee53c70c30e6
-size 11922791
diff --git a/super_glue_record_pick_one_option/test-00000-of-00001.parquet b/super_glue_record_pick_one_option/test-00000-of-00001.parquet
deleted file mode 100644
index c5f252e1d555ee78013b59f1284ef32f67162b6a..0000000000000000000000000000000000000000
--- a/super_glue_record_pick_one_option/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:763ccc758f53650d92b78bd22cbba9d74f3f04b7f52389575b50bf8ce6cc1eee
-size 12785689
diff --git a/super_glue_record_pick_one_option/train-00000-of-00001.parquet b/super_glue_record_pick_one_option/train-00000-of-00001.parquet
deleted file mode 100644
index 06d18077ab8b1f78a8921f9eeefff3c4c54ff880..0000000000000000000000000000000000000000
--- a/super_glue_record_pick_one_option/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3f3660603edfced45e3acf5f3b85787a6138ded66b197bd5072ca66b84bf19ab
-size 124174511
diff --git a/super_glue_record_pick_one_option/validation-00000-of-00001.parquet b/super_glue_record_pick_one_option/validation-00000-of-00001.parquet
deleted file mode 100644
index 85220250807d99a16f4f72b9ad8aa94f92f73c58..0000000000000000000000000000000000000000
--- a/super_glue_record_pick_one_option/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b2d2dca0d566a7c6799552e0678800bc5efbc2c5c884dd638225b60883002b4e
-size 12999307
diff --git a/super_glue_record_the_placeholder_refers_to_/test-00000-of-00001.parquet b/super_glue_record_the_placeholder_refers_to_/test-00000-of-00001.parquet
deleted file mode 100644
index c27916b5d16c6706e5698586797d50cb0bb377d5..0000000000000000000000000000000000000000
--- a/super_glue_record_the_placeholder_refers_to_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:94dc3d019d031e279c11b1272b28e9e96b3c32e00dffd3da64580ce1da7cb349
-size 11707644
diff --git a/super_glue_record_the_placeholder_refers_to_/train-00000-of-00001.parquet b/super_glue_record_the_placeholder_refers_to_/train-00000-of-00001.parquet
deleted file mode 100644
index 5b9836f7ac9f60e2091e6f8256e07bcb91d3c133..0000000000000000000000000000000000000000
--- a/super_glue_record_the_placeholder_refers_to_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:741245948f5e606399096367baca620de5b7d91e190dfe4f29ae260ac9447436
-size 113477747
diff --git a/super_glue_record_the_placeholder_refers_to_/validation-00000-of-00001.parquet b/super_glue_record_the_placeholder_refers_to_/validation-00000-of-00001.parquet
deleted file mode 100644
index 810f7464b533d3701e0ddc3fefbac44e5d22f13a..0000000000000000000000000000000000000000
--- a/super_glue_record_the_placeholder_refers_to_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:552e44329db8bf05841fe490e068cd031f21655d85d53559fac60b3038b43119
-size 11866436
diff --git a/super_glue_record_trying_to_decide/test-00000-of-00001.parquet b/super_glue_record_trying_to_decide/test-00000-of-00001.parquet
deleted file mode 100644
index a92e2fe32709ff3fe57becb839923f9e1795f67e..0000000000000000000000000000000000000000
--- a/super_glue_record_trying_to_decide/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0812e94efdd6961047bf6610d80b57e4bcddc4aa39d14f1bc2d0f0d1417d35d1
-size 12807375
diff --git a/super_glue_record_trying_to_decide/train-00000-of-00001.parquet b/super_glue_record_trying_to_decide/train-00000-of-00001.parquet
deleted file mode 100644
index ab7c4b8c72508b1db12e1c2d76472d89d6aa17ca..0000000000000000000000000000000000000000
--- a/super_glue_record_trying_to_decide/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:61f04b194ac1aa0f06ba29a2ba6927b72ed53f438b4c603adb1440e661077f14
-size 125074720
diff --git a/super_glue_record_trying_to_decide/validation-00000-of-00001.parquet b/super_glue_record_trying_to_decide/validation-00000-of-00001.parquet
deleted file mode 100644
index f6ab1b8e4338716c0c2c836e458e2156e4fef038..0000000000000000000000000000000000000000
--- a/super_glue_record_trying_to_decide/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:db2a968d553cf1927b987768e8a9d1d19d0256fe46ac952618a4d9aa4222b357
-size 13166453
diff --git a/super_glue_rte_GPT_3_style/test-00000-of-00001.parquet b/super_glue_rte_GPT_3_style/test-00000-of-00001.parquet
deleted file mode 100644
index d05e2d31555a5e1f3d1ac4a1d342fa880e406f91..0000000000000000000000000000000000000000
--- a/super_glue_rte_GPT_3_style/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7eeec9f55c2337350a8a7dfa9b1d584fbd9e9179c3c4c856539b107dab2a1a64
-size 1069391
diff --git a/super_glue_rte_GPT_3_style/train-00000-of-00001.parquet b/super_glue_rte_GPT_3_style/train-00000-of-00001.parquet
deleted file mode 100644
index 547eef1fcb294a7446057c7f89f62f2e2e4cf104..0000000000000000000000000000000000000000
--- a/super_glue_rte_GPT_3_style/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fa206f923d35ecf481c4b65f2fe682d8230597ed929e760952c9d3e9bb2caef4
-size 1002185
diff --git a/super_glue_rte_GPT_3_style/validation-00000-of-00001.parquet b/super_glue_rte_GPT_3_style/validation-00000-of-00001.parquet
deleted file mode 100644
index b908382af6ecd3c5a866f15b16fae52cee1c0db9..0000000000000000000000000000000000000000
--- a/super_glue_rte_GPT_3_style/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6d69fea5957ae87e02b4b7d1c64d5c9de1e108e28f5c7e59ed8e73751fa264d2
-size 121373
diff --git a/super_glue_rte_GPT_3_style_score_eval/test-00000-of-00001.parquet b/super_glue_rte_GPT_3_style_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index aa19c6e91048dcc7e78e1b89c28f6584a9dc1de5..0000000000000000000000000000000000000000
--- a/super_glue_rte_GPT_3_style_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b4bbeed1a4697410edbbb7f2c20a707f937c204c5917501fcb7e188c730833a
-size 1476955
diff --git a/super_glue_rte_GPT_3_style_score_eval/train-00000-of-00001.parquet b/super_glue_rte_GPT_3_style_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 87e970ccc4b4491e318e64ee91f8753de4b71d14..0000000000000000000000000000000000000000
--- a/super_glue_rte_GPT_3_style_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:78e23218b6fec9a7b155ea9330788a4d02603426716f61c01093efaf08cf8cce
-size 1349547
diff --git a/super_glue_rte_GPT_3_style_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_GPT_3_style_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index dbd0b48a57644f7127936a28d39dc76b9c2964a3..0000000000000000000000000000000000000000
--- a/super_glue_rte_GPT_3_style_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4020ef2097a6cc44b71503b6eb374f32e3b14b0331d7f57707bc35baa05404b5
-size 155241
diff --git a/super_glue_rte_MNLI_crowdsource/test-00000-of-00001.parquet b/super_glue_rte_MNLI_crowdsource/test-00000-of-00001.parquet
deleted file mode 100644
index 5bd6e93ad522ea0abfb7ed6c61934aa84e629cbf..0000000000000000000000000000000000000000
--- a/super_glue_rte_MNLI_crowdsource/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6df7f81f379a116e9c18f6c5a2ed099d534ff91c536fc683a612af045421bfd1
-size 1106890
diff --git a/super_glue_rte_MNLI_crowdsource/train-00000-of-00001.parquet b/super_glue_rte_MNLI_crowdsource/train-00000-of-00001.parquet
deleted file mode 100644
index 949cf821aed2b359b2b8ef8e6a9d0225b841fb2a..0000000000000000000000000000000000000000
--- a/super_glue_rte_MNLI_crowdsource/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:316ceaaaffc38aeb29b4525b7e1f94cce60e4ea34ce7981152d950019e6ea32a
-size 1028700
diff --git a/super_glue_rte_MNLI_crowdsource/validation-00000-of-00001.parquet b/super_glue_rte_MNLI_crowdsource/validation-00000-of-00001.parquet
deleted file mode 100644
index 04507a8882dcd3520fed35fca0343201a08cd247..0000000000000000000000000000000000000000
--- a/super_glue_rte_MNLI_crowdsource/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d2458ef93d7033caeac2525c983682e2cf195e38abbc3c221705008306c96d5c
-size 128811
diff --git a/super_glue_rte_MNLI_crowdsource_score_eval/test-00000-of-00001.parquet b/super_glue_rte_MNLI_crowdsource_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 913ebc6a95952784adbc16b27bd4f34117cdf143..0000000000000000000000000000000000000000
--- a/super_glue_rte_MNLI_crowdsource_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fbf86211774dfb59a4d2a199423276fe88781e90d243e778dce6464e9c15b476
-size 1514162
diff --git a/super_glue_rte_MNLI_crowdsource_score_eval/train-00000-of-00001.parquet b/super_glue_rte_MNLI_crowdsource_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index a205fcbdebafa06645e2c97ba7274114b89d2f09..0000000000000000000000000000000000000000
--- a/super_glue_rte_MNLI_crowdsource_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1eee2391da413379089385542b95708895acfc69d7706535485b5f306f4127cb
-size 1381476
diff --git a/super_glue_rte_MNLI_crowdsource_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_MNLI_crowdsource_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index c1d970727f94e7072f9221e14d58c3a635d1a482..0000000000000000000000000000000000000000
--- a/super_glue_rte_MNLI_crowdsource_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:af5ec1d58032e63b0a742dba3ae9dd35ad03bfece2e641bf73566632c446f2ed
-size 161055
diff --git a/super_glue_rte_based_on_the_previous_passage/test-00000-of-00001.parquet b/super_glue_rte_based_on_the_previous_passage/test-00000-of-00001.parquet
deleted file mode 100644
index 89d0634bc8a8cb15030a024695c81ac5be8d6d42..0000000000000000000000000000000000000000
--- a/super_glue_rte_based_on_the_previous_passage/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9909c1ab7372c77fd55a688a3570a11a8df82e20e68c6f7a0ea7c615afb1ba7b
-size 1093393
diff --git a/super_glue_rte_based_on_the_previous_passage/train-00000-of-00001.parquet b/super_glue_rte_based_on_the_previous_passage/train-00000-of-00001.parquet
deleted file mode 100644
index 4557bd798ef0ec193a076a0e692be3894af77a31..0000000000000000000000000000000000000000
--- a/super_glue_rte_based_on_the_previous_passage/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:61b7570566768b50b9cec9df0eee40a53fa2d3ceacc41720d235fba0ddaf9818
-size 1011886
diff --git a/super_glue_rte_based_on_the_previous_passage/validation-00000-of-00001.parquet b/super_glue_rte_based_on_the_previous_passage/validation-00000-of-00001.parquet
deleted file mode 100644
index eb992e0257d975e3ccaa841841f60d04ade28af4..0000000000000000000000000000000000000000
--- a/super_glue_rte_based_on_the_previous_passage/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d6af082cd27a7a6a31987192bc3b03a18ce7bce26674049066941e10ae984f4a
-size 123177
diff --git a/super_glue_rte_based_on_the_previous_passage_score_eval/test-00000-of-00001.parquet b/super_glue_rte_based_on_the_previous_passage_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index bb6a2b282539ef9000213e7b7d1960a6692cb7f5..0000000000000000000000000000000000000000
--- a/super_glue_rte_based_on_the_previous_passage_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7e05b1e755958577ba5b7cdce9efb5d870838a93b3a03704c806fdd6c8cadf8f
-size 1478795
diff --git a/super_glue_rte_based_on_the_previous_passage_score_eval/train-00000-of-00001.parquet b/super_glue_rte_based_on_the_previous_passage_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index f0ce0158fd6348eed1df3ef0e56336e728d34684..0000000000000000000000000000000000000000
--- a/super_glue_rte_based_on_the_previous_passage_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8a240fdf2cb35515e263aac6a369f552885eb2cfd790d84fbe89feb6c99bba48
-size 1361714
diff --git a/super_glue_rte_based_on_the_previous_passage_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_based_on_the_previous_passage_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index c8bddd16ac4688f8b66a4ba49dab94ba65d1c07e..0000000000000000000000000000000000000000
--- a/super_glue_rte_based_on_the_previous_passage_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:57e5204567bb65593dc31496091523c6bd013d37da1402ecfdcaa72065b15c82
-size 157307
diff --git a/super_glue_rte_can_we_infer/test-00000-of-00001.parquet b/super_glue_rte_can_we_infer/test-00000-of-00001.parquet
deleted file mode 100644
index ada53f6ca2bbae44e941d45823c3a2990c4d59a3..0000000000000000000000000000000000000000
--- a/super_glue_rte_can_we_infer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d2a576103a247d2299aec4cbb7c47a1f3084822c6dc0d76b9ea0988c74430835
-size 1081235
diff --git a/super_glue_rte_can_we_infer/train-00000-of-00001.parquet b/super_glue_rte_can_we_infer/train-00000-of-00001.parquet
deleted file mode 100644
index 992913feceaa943c4f7b16b8bcd0cd029312859c..0000000000000000000000000000000000000000
--- a/super_glue_rte_can_we_infer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e3ab43a1db3831763cff05b69591157230cf6273d9a2a05370c397ada8418459
-size 1014985
diff --git a/super_glue_rte_can_we_infer/validation-00000-of-00001.parquet b/super_glue_rte_can_we_infer/validation-00000-of-00001.parquet
deleted file mode 100644
index 2fd2723c017a7febc77c2206e3e3fbbe9ae40cca..0000000000000000000000000000000000000000
--- a/super_glue_rte_can_we_infer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f8656c55cd63e05440950b93447c37e76c8dc3139d5988c2554bbe3c49a29884
-size 122614
diff --git a/super_glue_rte_can_we_infer_score_eval/test-00000-of-00001.parquet b/super_glue_rte_can_we_infer_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 4f488c9f15cfc9c77c5576b82af7e2326b08ac60..0000000000000000000000000000000000000000
--- a/super_glue_rte_can_we_infer_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1781aad3677ca3b51ffe6a6f0848230aa4f472a6c0cb2cdf8d64dabef536369f
-size 1484149
diff --git a/super_glue_rte_can_we_infer_score_eval/train-00000-of-00001.parquet b/super_glue_rte_can_we_infer_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 482764ab14d65b1b19a5fb8124415361bd533ac1..0000000000000000000000000000000000000000
--- a/super_glue_rte_can_we_infer_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f1785c1787a9a64ef262d262fcb90c817c6063b65ac9357c3af0a39726c2887
-size 1377174
diff --git a/super_glue_rte_can_we_infer_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_can_we_infer_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 6d23aab3eea0b1d821162ca40426c044673dbbf6..0000000000000000000000000000000000000000
--- a/super_glue_rte_can_we_infer_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1b340ec2635180c40db229e392105370e9789bf21b01b4af888afd81256e736b
-size 156181
diff --git a/super_glue_rte_does_it_follow_that/test-00000-of-00001.parquet b/super_glue_rte_does_it_follow_that/test-00000-of-00001.parquet
deleted file mode 100644
index 693a3363ddfaacaa0fe524ce43bbb9e79c4fe847..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_it_follow_that/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7471fea6168cdd42749cbe9b8a9f4bc53edbfd37c576d6d313d37e5c94365adb
-size 1082139
diff --git a/super_glue_rte_does_it_follow_that/train-00000-of-00001.parquet b/super_glue_rte_does_it_follow_that/train-00000-of-00001.parquet
deleted file mode 100644
index 8424e365155001a05448c9672fb1d8a10fb947b8..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_it_follow_that/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b3647991a052eda6abbf66bd91b979c30812337530593d6164548ab8f1379501
-size 1004044
diff --git a/super_glue_rte_does_it_follow_that/validation-00000-of-00001.parquet b/super_glue_rte_does_it_follow_that/validation-00000-of-00001.parquet
deleted file mode 100644
index 2dfc9eefcb631fc33d806f29bfb1cd0ab618d085..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_it_follow_that/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f4dcf5783fd0c594c2f760525952554e433b8724e6085f4edc8f1551e38404c3
-size 121511
diff --git a/super_glue_rte_does_it_follow_that_score_eval/test-00000-of-00001.parquet b/super_glue_rte_does_it_follow_that_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b50036620eaf0a7372b5519df4027059bf195e3e..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_it_follow_that_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:30ea6921a894f9c0a3b6e7d434601bfe380eb6bada5816a3833cd0efacc02c17
-size 1462286
diff --git a/super_glue_rte_does_it_follow_that_score_eval/train-00000-of-00001.parquet b/super_glue_rte_does_it_follow_that_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 6173fc6ed39a2cdf712dd3b82a7dedb21521bddc..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_it_follow_that_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9d227ecf8c6e26003c7a4d850d7f943878a4eae775c51f848557c9f297818d0f
-size 1353262
diff --git a/super_glue_rte_does_it_follow_that_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_does_it_follow_that_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index c36996b34fa6cbdccef39f8f1918ddc95fec18fe..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_it_follow_that_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:73ce7153ecd13e00a2ec3ca3eb6e410bb31c79b775a1d1384b6b617f4b8e07f1
-size 156144
diff --git a/super_glue_rte_does_this_imply/test-00000-of-00001.parquet b/super_glue_rte_does_this_imply/test-00000-of-00001.parquet
deleted file mode 100644
index a0e9642294f0036eb1b3e42183503409eabf3fa0..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_this_imply/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4734bf20a2c64afd6ea1ccc4085824a02bb5e6f4a1ff15028de3fcb02081cd7f
-size 1087160
diff --git a/super_glue_rte_does_this_imply/train-00000-of-00001.parquet b/super_glue_rte_does_this_imply/train-00000-of-00001.parquet
deleted file mode 100644
index 9415b7f3bbdbd2dc02b154153ca46a2ad14261bd..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_this_imply/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:63c84c99c5034a4245532d626a071b3c81418614af52f11aee6ffe102480b9ba
-size 1016748
diff --git a/super_glue_rte_does_this_imply/validation-00000-of-00001.parquet b/super_glue_rte_does_this_imply/validation-00000-of-00001.parquet
deleted file mode 100644
index 6b72191fd4664c51aba68671fff52000a6c1a331..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_this_imply/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a5387eae8edcb5a8015d04897c342b87b72948c757406e6a16a769f86d52190f
-size 122373
diff --git a/super_glue_rte_does_this_imply_score_eval/test-00000-of-00001.parquet b/super_glue_rte_does_this_imply_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 47806e4443adc3b0ff2de1a01039fdcd62de790b..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_this_imply_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:020842c431f5a73ef4a22d0c7e515287d821f98fc94c4f4cbbc8040be26b9766
-size 1477085
diff --git a/super_glue_rte_does_this_imply_score_eval/train-00000-of-00001.parquet b/super_glue_rte_does_this_imply_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index abe31d9292da2135d5928a81cfd68a82d7d10d89..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_this_imply_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ea79fc1d9ab602b46c241bb615cebc7d99d914ca31a53ee605006ba8e9373b10
-size 1365945
diff --git a/super_glue_rte_does_this_imply_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_does_this_imply_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 6c412783c7e95f83749dad1366c37a55dcf0f338..0000000000000000000000000000000000000000
--- a/super_glue_rte_does_this_imply_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:263c05e788132436a63d3a94ef23e6a8150ea5d56106f72bfd06b19508049720
-size 159493
diff --git a/super_glue_rte_guaranteed_true/test-00000-of-00001.parquet b/super_glue_rte_guaranteed_true/test-00000-of-00001.parquet
deleted file mode 100644
index 2781e5401132e84bf6b66d4eca56385385521648..0000000000000000000000000000000000000000
--- a/super_glue_rte_guaranteed_true/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:79da5a613b6ce745c4b873f430b0d24c46aec624e90f4aad17868ed3566c2ad6
-size 1086880
diff --git a/super_glue_rte_guaranteed_true/train-00000-of-00001.parquet b/super_glue_rte_guaranteed_true/train-00000-of-00001.parquet
deleted file mode 100644
index 7eae01e438d130fb43109be19ea767efbf47e9f7..0000000000000000000000000000000000000000
--- a/super_glue_rte_guaranteed_true/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:02aaf29db0c7e994d02b88b9fb43e1aec04aa2f57c3a8a2acdb5fb40df9daf90
-size 1015855
diff --git a/super_glue_rte_guaranteed_true/validation-00000-of-00001.parquet b/super_glue_rte_guaranteed_true/validation-00000-of-00001.parquet
deleted file mode 100644
index ef66e8cb2b2f19afdf42cef1d51748c0d9ea1780..0000000000000000000000000000000000000000
--- a/super_glue_rte_guaranteed_true/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b747ee153c15e6836a88bd4613f090e7032e97fe0ffc2916a056ffd0c76aa5b9
-size 122284
diff --git a/super_glue_rte_guaranteed_true_score_eval/test-00000-of-00001.parquet b/super_glue_rte_guaranteed_true_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 2e2d6ddcb37ccff4622ccf5ae62f9986da912837..0000000000000000000000000000000000000000
--- a/super_glue_rte_guaranteed_true_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f142729689a7196eb00afc891738aa4d9829e65bc75411d33feb40b853e3ef8e
-size 1474399
diff --git a/super_glue_rte_guaranteed_true_score_eval/train-00000-of-00001.parquet b/super_glue_rte_guaranteed_true_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index cf99c72e4d8b28df7f3082a73cf5a8ef8820877f..0000000000000000000000000000000000000000
--- a/super_glue_rte_guaranteed_true_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9f4d79be0993f147c2b408bc9617030ef5043bfc95f69f66719e5c5606d35e17
-size 1376279
diff --git a/super_glue_rte_guaranteed_true_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_guaranteed_true_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 6fbbf255a8a81ce8a14c5d6597015aba8a3dd95f..0000000000000000000000000000000000000000
--- a/super_glue_rte_guaranteed_true_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:eb715becf89868062bb93c08dd406b591d8e56e0583d474321a10d4b8e07afb7
-size 156659
diff --git a/super_glue_rte_justified_in_saying/test-00000-of-00001.parquet b/super_glue_rte_justified_in_saying/test-00000-of-00001.parquet
deleted file mode 100644
index 6a1dade01684b68b91e3a88eef19a8b8da9ced14..0000000000000000000000000000000000000000
--- a/super_glue_rte_justified_in_saying/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5ddd6b94277a92aed43a418c7675e09ec2bf74c651cbb6f6a9ccf1ec6130c49f
-size 1083238
diff --git a/super_glue_rte_justified_in_saying/train-00000-of-00001.parquet b/super_glue_rte_justified_in_saying/train-00000-of-00001.parquet
deleted file mode 100644
index 3f3f36b6db8f3de0618cb923e6685d4429d44e8d..0000000000000000000000000000000000000000
--- a/super_glue_rte_justified_in_saying/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8d3f07eecef11c4126073e8ef10dcd34b417cfedfc890de695691bf358992cee
-size 1010059
diff --git a/super_glue_rte_justified_in_saying/validation-00000-of-00001.parquet b/super_glue_rte_justified_in_saying/validation-00000-of-00001.parquet
deleted file mode 100644
index 2ce9262d86ea56ed21e25f450ac9f929bce47585..0000000000000000000000000000000000000000
--- a/super_glue_rte_justified_in_saying/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ec7b4938cf403091d7ec3ff5bc2925a2d3b54c8b38ce9fca9b32e3b3cca49981
-size 122720
diff --git a/super_glue_rte_justified_in_saying_score_eval/test-00000-of-00001.parquet b/super_glue_rte_justified_in_saying_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index d4c607ebbc63f74022c4c39c30478aec64baecb1..0000000000000000000000000000000000000000
--- a/super_glue_rte_justified_in_saying_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f88c98fa4de79f9f6764c9aa54180cac0a09dc9d4194e3430ad2552d649c6406
-size 1467928
diff --git a/super_glue_rte_justified_in_saying_score_eval/train-00000-of-00001.parquet b/super_glue_rte_justified_in_saying_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 44759478593ac5acda24373cdb6779a88ef74a57..0000000000000000000000000000000000000000
--- a/super_glue_rte_justified_in_saying_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6b3ec100a3d5a106c7dbe5e7da386090e48f95b9e5f62f27e49e2976fd354055
-size 1366032
diff --git a/super_glue_rte_justified_in_saying_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_justified_in_saying_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 97955096e19642993ca91aaaeb755f7d30fe3245..0000000000000000000000000000000000000000
--- a/super_glue_rte_justified_in_saying_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7d68fa9f3faf1331be3ccff51b1c645ce0d1abaebde07ec644d5c0e91a95bb66
-size 156887
diff --git a/super_glue_rte_must_be_true/test-00000-of-00001.parquet b/super_glue_rte_must_be_true/test-00000-of-00001.parquet
deleted file mode 100644
index c73eeab1127eb859743046b3321d07ec4a7ecd69..0000000000000000000000000000000000000000
--- a/super_glue_rte_must_be_true/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e5c423919fd669c1fde09d2c3c9ab515b0460fe7ebb4be5d524c28d9f7b4e466
-size 1099808
diff --git a/super_glue_rte_must_be_true/train-00000-of-00001.parquet b/super_glue_rte_must_be_true/train-00000-of-00001.parquet
deleted file mode 100644
index 9171fdddfe963aefadfd598ae111d7f873605be2..0000000000000000000000000000000000000000
--- a/super_glue_rte_must_be_true/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:030b6f74473cc2d423619aaa8fbb7569314aaaf8b696ba7b1e7922fa9b062038
-size 1020268
diff --git a/super_glue_rte_must_be_true/validation-00000-of-00001.parquet b/super_glue_rte_must_be_true/validation-00000-of-00001.parquet
deleted file mode 100644
index cda140a9f0a8a823c8baba8d9852a150e4116ab7..0000000000000000000000000000000000000000
--- a/super_glue_rte_must_be_true/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9b4cbb4a2c04ba6e5cb40f4aacbffd97bca96a34ea8060105eaaa36e4ca25271
-size 122850
diff --git a/super_glue_rte_must_be_true_score_eval/test-00000-of-00001.parquet b/super_glue_rte_must_be_true_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index af736b2cb0cca2ab642041b766793c2ad01f8f5c..0000000000000000000000000000000000000000
--- a/super_glue_rte_must_be_true_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dd17bd8f083779a5e64ccc5ab1d76f9ae9ac7db9fbd8c912db1000a5e723c20c
-size 1477421
diff --git a/super_glue_rte_must_be_true_score_eval/train-00000-of-00001.parquet b/super_glue_rte_must_be_true_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 6775bc15e3aae82e5cb6cab269448dbf162af135..0000000000000000000000000000000000000000
--- a/super_glue_rte_must_be_true_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aaf33168c5251e61e5572a126de023d4015605977359acbd4bd9ed4f7f7774cf
-size 1384157
diff --git a/super_glue_rte_must_be_true_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_must_be_true_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 64ff93c5e2469bfe4db5d03350a98344fa5d1ec0..0000000000000000000000000000000000000000
--- a/super_glue_rte_must_be_true_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:819c7e5428a6d22c030b9869d63f122d6218a5ebbee5249abaf29f0566f5d095
-size 158415
diff --git a/super_glue_rte_should_assume/test-00000-of-00001.parquet b/super_glue_rte_should_assume/test-00000-of-00001.parquet
deleted file mode 100644
index 0d79c434ec59b66b13f0c7be2d3e9cf4dcf333e8..0000000000000000000000000000000000000000
--- a/super_glue_rte_should_assume/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:382670ded8cd2906e82565fec96b18c1f30718489d5c1b17ae0818873950d9d2
-size 1088584
diff --git a/super_glue_rte_should_assume/train-00000-of-00001.parquet b/super_glue_rte_should_assume/train-00000-of-00001.parquet
deleted file mode 100644
index 91a257b16e66bc085591da350ebb7a62cf156a99..0000000000000000000000000000000000000000
--- a/super_glue_rte_should_assume/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c14d28741cca6ed053b91298509a3130c3d03c9db28bd7e3df3f92d3894b96aa
-size 1018109
diff --git a/super_glue_rte_should_assume/validation-00000-of-00001.parquet b/super_glue_rte_should_assume/validation-00000-of-00001.parquet
deleted file mode 100644
index cdc0d83993c863d8085b18dac6782be7cda950e2..0000000000000000000000000000000000000000
--- a/super_glue_rte_should_assume/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0da3f05fa2ad9de4736a346109f23c1bf5b845fb9eff1ba7707f75c5d26db429
-size 122480
diff --git a/super_glue_rte_should_assume_score_eval/test-00000-of-00001.parquet b/super_glue_rte_should_assume_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 498333b9476b624f62af9ba63636b5122fc1b734..0000000000000000000000000000000000000000
--- a/super_glue_rte_should_assume_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b4bd4875412b3c8715a8842dd27a42f332c6892caeac6ab0af1b4ffaff1dbd0b
-size 1474787
diff --git a/super_glue_rte_should_assume_score_eval/train-00000-of-00001.parquet b/super_glue_rte_should_assume_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 11b40ac9897df7523ea6e2a41df5c04ba3aeb6a2..0000000000000000000000000000000000000000
--- a/super_glue_rte_should_assume_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:786e91a9f678a1ce94a125ee6f3dcc31d5089d49566db1cefe7eea35e861bd4e
-size 1358298
diff --git a/super_glue_rte_should_assume_score_eval/validation-00000-of-00001.parquet b/super_glue_rte_should_assume_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 218e77f3268f94a3c34710997a56bd6abcdd9965..0000000000000000000000000000000000000000
--- a/super_glue_rte_should_assume_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c674cbe0c9af7178b41cc763912188125efcbebc5407f97f7923c5a74a526be5
-size 158188
diff --git a/super_glue_wic_GPT_3_prompt/test-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt/test-00000-of-00001.parquet
deleted file mode 100644
index 3aa6eebc34d3bcc73a0ab2ef60b43eb5141d5730..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:64529cb5e6224db0686025f03e193d1b5df71c40d080d880601439ac04948e01
-size 200064
diff --git a/super_glue_wic_GPT_3_prompt/train-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt/train-00000-of-00001.parquet
deleted file mode 100644
index 18dd8a155b7b0e2fe59d38b60f73ac625f9736d0..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aa0299206ed00e911a66205feb6dbe16a73886da1b7f14a8f484fb8d70d685b7
-size 665706
diff --git a/super_glue_wic_GPT_3_prompt/validation-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt/validation-00000-of-00001.parquet
deleted file mode 100644
index c7b2621e011660d8c55d3a5ddf2b81e2fcc9b037..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1190c8c5eb60e69b0eec19cb66bed59e6e0c256ecbd477a53c9b7bad8b0978ba
-size 91591
diff --git a/super_glue_wic_GPT_3_prompt_score_eval/test-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 445cfad74bb3393da26f4eeec31cdc4c10ec9440..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee987f2bf812d17789952dbe5feaf40bb73f04f68d8f4eae660415ac38fcf91a
-size 248153
diff --git a/super_glue_wic_GPT_3_prompt_score_eval/train-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 6906f930fe26ed1c62fde8aa5a64fc183044d62d..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4b43b2862cee3fbb254e787246861fae054f2bb60a3b641c7421a65db2c46ff0
-size 871201
diff --git a/super_glue_wic_GPT_3_prompt_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index db7ce852e05581e0747ed8ee1645d31d7af5c097..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e991039db7fb61e1b8fe32178ae66b091b104a3fb5705fa2491db6725073deba
-size 119248
diff --git a/super_glue_wic_GPT_3_prompt_with_label/test-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt_with_label/test-00000-of-00001.parquet
deleted file mode 100644
index ab7a4385d6cedc14d9c783480b176f5627cda3d0..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt_with_label/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0c93e1504e02d3184d831f85ba7fd3a9b00ae328fd0417523678da01ff5bb78e
-size 200885
diff --git a/super_glue_wic_GPT_3_prompt_with_label/train-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt_with_label/train-00000-of-00001.parquet
deleted file mode 100644
index dd45dc015a70925f5d9fc08b04fd79f04a300100..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt_with_label/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ea80dc208e8e38dd098696f4b4698e732790fce12b216e1dd6860afe587a4c39
-size 671350
diff --git a/super_glue_wic_GPT_3_prompt_with_label/validation-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt_with_label/validation-00000-of-00001.parquet
deleted file mode 100644
index f67094aa0e464d3b37f4157019b0ba63bbf6e243..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt_with_label/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:96dec1e2727b55303c407d38b02e3b7b5b542a021c0da1b55d97e7a4c5e19cf2
-size 91968
diff --git a/super_glue_wic_GPT_3_prompt_with_label_score_eval/test-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt_with_label_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 39a1744edbccc608dda1dcacd91fdf5b50e3cd69..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt_with_label_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fb25db1fccf301cb2f28ecc244466f8f0fe06b18a70cfa008b3b7acc7bf086fd
-size 249718
diff --git a/super_glue_wic_GPT_3_prompt_with_label_score_eval/train-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt_with_label_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index e193a72ad5d3ebd216fa3dd2488b196fdfc0dd7c..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt_with_label_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9c3cd0ec23bc7d3416c0e56fb09bd7ed755d7268073b4170b242ad355951e7ac
-size 880521
diff --git a/super_glue_wic_GPT_3_prompt_with_label_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_GPT_3_prompt_with_label_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 72ceb82646a030ee4c6efcaa322d09f54bdf0bec..0000000000000000000000000000000000000000
--- a/super_glue_wic_GPT_3_prompt_with_label_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e3b8d688c0a3753e0e03b6834c7cf3374c7ee3960f990b140fb4d5fcb5f69024
-size 120207
diff --git a/super_glue_wic_affirmation_true_or_false/test-00000-of-00001.parquet b/super_glue_wic_affirmation_true_or_false/test-00000-of-00001.parquet
deleted file mode 100644
index 5651c7fe3b87798a668ce390f746a7d9339aff99..0000000000000000000000000000000000000000
--- a/super_glue_wic_affirmation_true_or_false/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:abaacbab07aaf58854a0e1034e35525a64310fbf2a9297b071d984d376255a03
-size 204133
diff --git a/super_glue_wic_affirmation_true_or_false/train-00000-of-00001.parquet b/super_glue_wic_affirmation_true_or_false/train-00000-of-00001.parquet
deleted file mode 100644
index 5252db5e20de48e645751d0b632e7aa4bc9b2158..0000000000000000000000000000000000000000
--- a/super_glue_wic_affirmation_true_or_false/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8e98c82bc2c91181183e9b1a4ce277ad417cbc9c7c82cb4a397eeba0468259f3
-size 685539
diff --git a/super_glue_wic_affirmation_true_or_false/validation-00000-of-00001.parquet b/super_glue_wic_affirmation_true_or_false/validation-00000-of-00001.parquet
deleted file mode 100644
index f2d1e5383a9a757daada042345be4e7572b77134..0000000000000000000000000000000000000000
--- a/super_glue_wic_affirmation_true_or_false/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f8e47a0083338f5d643e6648af68a585ac946b646021929aac2ddff84a292f75
-size 93570
diff --git a/super_glue_wic_affirmation_true_or_false_score_eval/test-00000-of-00001.parquet b/super_glue_wic_affirmation_true_or_false_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index c90fff493746c84d11657776cdf76437035b70c2..0000000000000000000000000000000000000000
--- a/super_glue_wic_affirmation_true_or_false_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:80eca28652f7e129d2cf25c86e32d17447ff6759b0d8bc11f0b1f1a053774890
-size 255750
diff --git a/super_glue_wic_affirmation_true_or_false_score_eval/train-00000-of-00001.parquet b/super_glue_wic_affirmation_true_or_false_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 804aec82a03c819573b5a840524723c24eef71f3..0000000000000000000000000000000000000000
--- a/super_glue_wic_affirmation_true_or_false_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b10dcdc31b0acd0c13a7736d24091c8f2766e42e5d45f3e6ad0444132f33e7cc
-size 897128
diff --git a/super_glue_wic_affirmation_true_or_false_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_affirmation_true_or_false_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 11b214f6d1f71e8f0ee836e63e5c21c8d7aa7964..0000000000000000000000000000000000000000
--- a/super_glue_wic_affirmation_true_or_false_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f93d0356a538e4c003d23369610f7ff1af435d590603032164abef3f3ef3308f
-size 122467
diff --git a/super_glue_wic_grammar_homework/test-00000-of-00001.parquet b/super_glue_wic_grammar_homework/test-00000-of-00001.parquet
deleted file mode 100644
index c1f3fb809d66821871b2079728badabf9e921efd..0000000000000000000000000000000000000000
--- a/super_glue_wic_grammar_homework/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9de1525b769db78d56794124953e5b2e2196e0cd0437985c91435dea1416744f
-size 205129
diff --git a/super_glue_wic_grammar_homework/train-00000-of-00001.parquet b/super_glue_wic_grammar_homework/train-00000-of-00001.parquet
deleted file mode 100644
index 0c26ebca5ab23f0c5a5822b41c686e496932dc24..0000000000000000000000000000000000000000
--- a/super_glue_wic_grammar_homework/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6938b83aa9af0cbac2402aa5163c02b1eb91a17c2e97ceb907a2812105b49698
-size 685712
diff --git a/super_glue_wic_grammar_homework/validation-00000-of-00001.parquet b/super_glue_wic_grammar_homework/validation-00000-of-00001.parquet
deleted file mode 100644
index c59445a45f16796a5fa403c0560289bb2cc46647..0000000000000000000000000000000000000000
--- a/super_glue_wic_grammar_homework/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:866717e8c4b54d16287e0f0cdae1e239bb3218f3cd61d78e901e189649afd6cb
-size 93574
diff --git a/super_glue_wic_grammar_homework_score_eval/test-00000-of-00001.parquet b/super_glue_wic_grammar_homework_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 909b81c52f124eeaa1666d6d645a43307455bc82..0000000000000000000000000000000000000000
--- a/super_glue_wic_grammar_homework_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d7bc81054a4a200bae7009a47a1e9c0a954642067b8dc7a3b3801872502fa58d
-size 256022
diff --git a/super_glue_wic_grammar_homework_score_eval/train-00000-of-00001.parquet b/super_glue_wic_grammar_homework_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 522a26baa0362ce53b5d670cfd93c97514ec8849..0000000000000000000000000000000000000000
--- a/super_glue_wic_grammar_homework_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6669be4b487215dc105e142813f77e0c56b36dd55a2b6e0a5d3b4e17a5b097e8
-size 895721
diff --git a/super_glue_wic_grammar_homework_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_grammar_homework_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index f74fe60329ff06fb5d294e59b61b6f34d50dcdac..0000000000000000000000000000000000000000
--- a/super_glue_wic_grammar_homework_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3e11dc8a3631bd438604253e87f91688847c04c3cb06a39e9bd2b42f9100bb31
-size 122649
diff --git a/super_glue_wic_polysemous/test-00000-of-00001.parquet b/super_glue_wic_polysemous/test-00000-of-00001.parquet
deleted file mode 100644
index 1cfdd73aa10f37a1149e9afd1ad6776dbcb40be9..0000000000000000000000000000000000000000
--- a/super_glue_wic_polysemous/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fa96abdaac010502c4cad0f04561a97a0c5224afbe3501d7f4f5173d2b3441b3
-size 208827
diff --git a/super_glue_wic_polysemous/train-00000-of-00001.parquet b/super_glue_wic_polysemous/train-00000-of-00001.parquet
deleted file mode 100644
index 850a717068d02597489c57040623d895bbffb062..0000000000000000000000000000000000000000
--- a/super_glue_wic_polysemous/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6599d462f06eb5a3bf064f1f885ed93dd770852c09fa14cea37578c659cbc8a5
-size 699041
diff --git a/super_glue_wic_polysemous/validation-00000-of-00001.parquet b/super_glue_wic_polysemous/validation-00000-of-00001.parquet
deleted file mode 100644
index e65ff9347709ffb46fc556f814e8fe11b507d452..0000000000000000000000000000000000000000
--- a/super_glue_wic_polysemous/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a62db3a90319222f77cfb665cd71597aa572196506049452f889f57c0338dc88
-size 94970
diff --git a/super_glue_wic_polysemous_score_eval/test-00000-of-00001.parquet b/super_glue_wic_polysemous_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index fd3d7461a05ccb169d957fd7a9d94cdbc4f86432..0000000000000000000000000000000000000000
--- a/super_glue_wic_polysemous_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:281cbdeb26f681ec0d27a2435eac48efd3e8e4ea4c8609db18340c6d904a0120
-size 261060
diff --git a/super_glue_wic_polysemous_score_eval/train-00000-of-00001.parquet b/super_glue_wic_polysemous_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index f6bacab50e4333e8427ddc8f0ddc932a9305c679..0000000000000000000000000000000000000000
--- a/super_glue_wic_polysemous_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5e6477b4f3f5518df3270101d28f6737f6451f6f7d68b14a6cae8a9f6cf19000
-size 915802
diff --git a/super_glue_wic_polysemous_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_polysemous_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 35ce92e9c8ca1f119bc3d4a43beba951f1b38fab..0000000000000000000000000000000000000000
--- a/super_glue_wic_polysemous_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f17af60793d6052b2c52125f90ecf85ae8d5c08705dc983a4a2f867610b6902b
-size 124964
diff --git a/super_glue_wic_question_context/test-00000-of-00001.parquet b/super_glue_wic_question_context/test-00000-of-00001.parquet
deleted file mode 100644
index 60ddb16428d01d55f7c99c74748bef43b7453352..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b8505003bf4cf69230e3d4e41dcd3f6936d863a5586b4ad8081d84e5367011cb
-size 198078
diff --git a/super_glue_wic_question_context/train-00000-of-00001.parquet b/super_glue_wic_question_context/train-00000-of-00001.parquet
deleted file mode 100644
index 71e450b4714087bf03f8ce6687e95725196cedbb..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:88957f11b2580be0a855aa55b7dc309419afd144907c42baa8ef923f265b377c
-size 655199
diff --git a/super_glue_wic_question_context/validation-00000-of-00001.parquet b/super_glue_wic_question_context/validation-00000-of-00001.parquet
deleted file mode 100644
index ea57348af6ad6a9d32a535f2bb4e1a94f115ca94..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:abde333f1a0130f591f34797fae0543ea62836125d8c989bb1cc6d030c786b0c
-size 90328
diff --git a/super_glue_wic_question_context_meaning/test-00000-of-00001.parquet b/super_glue_wic_question_context_meaning/test-00000-of-00001.parquet
deleted file mode 100644
index 0c8d353f94f9ece8e6cec1941fcce92e69545f85..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8d843d6422de72ef458f65ed69342e6a1173b630d22c574f56747b15ddeca156
-size 194860
diff --git a/super_glue_wic_question_context_meaning/train-00000-of-00001.parquet b/super_glue_wic_question_context_meaning/train-00000-of-00001.parquet
deleted file mode 100644
index d1d3e30bc85f40bb28e96ba89f2ab75b46f517f4..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1777e75d3295e36bb9a6478948fc7785f11b00534b9315101e6d7db04a2af1dd
-size 646333
diff --git a/super_glue_wic_question_context_meaning/validation-00000-of-00001.parquet b/super_glue_wic_question_context_meaning/validation-00000-of-00001.parquet
deleted file mode 100644
index f1bdfff9e960c7c9b484385090514f4e14779a22..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:37270d2d6a79c7bb63eb166c4cc0d1b85dd70a64c0d2c654ce703d6adf2d288e
-size 89467
diff --git a/super_glue_wic_question_context_meaning_score_eval/test-00000-of-00001.parquet b/super_glue_wic_question_context_meaning_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 3d1f75518da5220ce2f1528c17f6d672bda5a5a5..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3d056a960cdc92dea06712de09a6df1c7e5e046de82f493e948a79e272912f40
-size 242443
diff --git a/super_glue_wic_question_context_meaning_score_eval/train-00000-of-00001.parquet b/super_glue_wic_question_context_meaning_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 9dabc2a0a7e47ea9657e991ef0c0c52fed4a55e9..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a5408c940dbc61a2afd665e826f87022b82c1b032116fd3efe6ba8bf1ef0d7aa
-size 846658
diff --git a/super_glue_wic_question_context_meaning_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_question_context_meaning_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2af79d984b4afe29007e37d3eb946693b9074201..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:01f5b4c0d3ac9083915f161d5e806bcbb2a618eea22e22209869e5d4b77457a3
-size 116780
diff --git a/super_glue_wic_question_context_meaning_with_label/test-00000-of-00001.parquet b/super_glue_wic_question_context_meaning_with_label/test-00000-of-00001.parquet
deleted file mode 100644
index 9fe07024f3a793b376738b86aa0d7f63366a3658..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning_with_label/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:31aa9fc8fd5c143e345ff9e647abbca685690106820380ffe5c372049384ce11
-size 196080
diff --git a/super_glue_wic_question_context_meaning_with_label/train-00000-of-00001.parquet b/super_glue_wic_question_context_meaning_with_label/train-00000-of-00001.parquet
deleted file mode 100644
index ac62c1197eb1adee49cfe40123c845a412a95ca0..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning_with_label/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:068ef28aeaae6e9878af60613ee809ab047ce1837fd9931ebc29e613ce5f4381
-size 650191
diff --git a/super_glue_wic_question_context_meaning_with_label/validation-00000-of-00001.parquet b/super_glue_wic_question_context_meaning_with_label/validation-00000-of-00001.parquet
deleted file mode 100644
index 7f580ed50b2464f2dd63b7b4d3b8760cf577a4d9..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning_with_label/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:20b9b3f4689f9779f7f68dca7ab4c22c7584c8a1b5bb159ff8fb69d235c2f3f8
-size 89831
diff --git a/super_glue_wic_question_context_meaning_with_label_score_eval/test-00000-of-00001.parquet b/super_glue_wic_question_context_meaning_with_label_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 75ddef75c4370f80ce5eabd55a661654e8e96c5e..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning_with_label_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bc04454870675acd7562ba7b757be7d1616f2b5ee4854483c948ad8c7b8094de
-size 243775
diff --git a/super_glue_wic_question_context_meaning_with_label_score_eval/train-00000-of-00001.parquet b/super_glue_wic_question_context_meaning_with_label_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index ab51d4d4c916dd8ffdda28c1db2da13402036920..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning_with_label_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3e05ef4a87ea3c8750f23f6d0e0add716829c1776a332b1a3979881c28e674ae
-size 852870
diff --git a/super_glue_wic_question_context_meaning_with_label_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_question_context_meaning_with_label_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2686b45cd6ac79268ef1f8b5f024021f471c39b6..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_meaning_with_label_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a0d915122008e8e1176e5617ff16527281bfdc6cddd547824b6381b6025524f9
-size 117427
diff --git a/super_glue_wic_question_context_score_eval/test-00000-of-00001.parquet b/super_glue_wic_question_context_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b511cb666643922b21ac38f543ad772b65f27193..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a53f08a8db72913e88dc8048140894327d3a508af910d667141c849d6d5f1497
-size 246471
diff --git a/super_glue_wic_question_context_score_eval/train-00000-of-00001.parquet b/super_glue_wic_question_context_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index af6adb3439f7fc1184198bf545c8a5d53ef0127a..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6af41b94002ca235e8600981fa9ff59ac2214b4dbc921d7894c7d4f40f99300b
-size 861663
diff --git a/super_glue_wic_question_context_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_question_context_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index a809ad0e9515750d1ec10e94e01fbb79343b9f30..0000000000000000000000000000000000000000
--- a/super_glue_wic_question_context_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2dd8e47e89b71ef030d6b6298b3c4825ceaaafba802abb4950cf44423bbde953
-size 118128
diff --git a/super_glue_wic_same_sense/test-00000-of-00001.parquet b/super_glue_wic_same_sense/test-00000-of-00001.parquet
deleted file mode 100644
index 9d2ca6a82b5c558aba8df5c1549975df07911c80..0000000000000000000000000000000000000000
--- a/super_glue_wic_same_sense/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f383fa48f46d0a1402908d0a227a4eb33c5613f9f7e1b42ab97aeb337975719b
-size 206716
diff --git a/super_glue_wic_same_sense/train-00000-of-00001.parquet b/super_glue_wic_same_sense/train-00000-of-00001.parquet
deleted file mode 100644
index 56254792978f236ac9604ea7c014d11038d2a3b6..0000000000000000000000000000000000000000
--- a/super_glue_wic_same_sense/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b52ec3a8160fa43130de398657120429c5f7e3294511ade6f4d7bd63e224f3aa
-size 690811
diff --git a/super_glue_wic_same_sense/validation-00000-of-00001.parquet b/super_glue_wic_same_sense/validation-00000-of-00001.parquet
deleted file mode 100644
index c13245b18ac1550cdb7defad4cad06f079d4d09f..0000000000000000000000000000000000000000
--- a/super_glue_wic_same_sense/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:678a681007578c946cabf08e7e22d7e5b99c769d9ca22c02f66c683e8ca16b9f
-size 94138
diff --git a/super_glue_wic_same_sense_score_eval/test-00000-of-00001.parquet b/super_glue_wic_same_sense_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 2aede25c93b7d6569859e47c06e761df65b72e04..0000000000000000000000000000000000000000
--- a/super_glue_wic_same_sense_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:191b7698f982892d3820b575b860ca475f744540d89b8f454633801ab2a7f6ff
-size 256603
diff --git a/super_glue_wic_same_sense_score_eval/train-00000-of-00001.parquet b/super_glue_wic_same_sense_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index eecf10ec959510b0b44f54d9a62696da0da7de90..0000000000000000000000000000000000000000
--- a/super_glue_wic_same_sense_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e5301e92a7b33f2d86d16683b7353030272592372aaa994153a5c714917cd70c
-size 908614
diff --git a/super_glue_wic_same_sense_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_same_sense_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 4a1a9be83db3de3ec537ce5f5191371263457dfa..0000000000000000000000000000000000000000
--- a/super_glue_wic_same_sense_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e5f12ed6a9c7763b39b340290ec1e1b1469f4e0a6258938e49ec7861e483bc75
-size 123647
diff --git a/super_glue_wic_similar_sense/test-00000-of-00001.parquet b/super_glue_wic_similar_sense/test-00000-of-00001.parquet
deleted file mode 100644
index 0ac74cd64a089994faee22f0e9dedf55a95876fc..0000000000000000000000000000000000000000
--- a/super_glue_wic_similar_sense/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9cc7a808050a8f9f2d7274fd5c89f3afc7d455e8a5e7a73ed454be063118386e
-size 183640
diff --git a/super_glue_wic_similar_sense/train-00000-of-00001.parquet b/super_glue_wic_similar_sense/train-00000-of-00001.parquet
deleted file mode 100644
index 663b8f8128b496589dd0d39bf061ba13f7cb7c00..0000000000000000000000000000000000000000
--- a/super_glue_wic_similar_sense/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d48ce33066b75be83ee8bd17f5533c2407764ee6a372a3f39fb01e1eb6a8eef1
-size 611511
diff --git a/super_glue_wic_similar_sense/validation-00000-of-00001.parquet b/super_glue_wic_similar_sense/validation-00000-of-00001.parquet
deleted file mode 100644
index 53dacb405f11e706424c879dc5e54c91992b4a67..0000000000000000000000000000000000000000
--- a/super_glue_wic_similar_sense/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:529ba6bb47a78cd5b4d1fc69dbb481088c27c4ab2d7ee9b12405ece4780d3d6a
-size 84090
diff --git a/super_glue_wic_similar_sense_score_eval/test-00000-of-00001.parquet b/super_glue_wic_similar_sense_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index c95013e1358058081a0a4591daf70071447dd114..0000000000000000000000000000000000000000
--- a/super_glue_wic_similar_sense_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b3a098a14040a28a3c4f9b877a742cc1fb2a68b66897c946b20a4a9ae7fc756a
-size 229395
diff --git a/super_glue_wic_similar_sense_score_eval/train-00000-of-00001.parquet b/super_glue_wic_similar_sense_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 1191f55d27619186a7ead4c141dfe3d3bc1c3118..0000000000000000000000000000000000000000
--- a/super_glue_wic_similar_sense_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2ce1a4ed4a5a64ba9e6453bc54eddeb6aa7b9238af09091666afd34dc659153f
-size 799594
diff --git a/super_glue_wic_similar_sense_score_eval/validation-00000-of-00001.parquet b/super_glue_wic_similar_sense_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 7e92edf64dfb41f9d2876d730993cbb4bc39d18a..0000000000000000000000000000000000000000
--- a/super_glue_wic_similar_sense_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1a30f4dfc99bda5e5fe18dde9addc18823360dc815cc8f87696b96fc69c09e80
-size 108925
diff --git a/super_glue_wsc.fixed_GPT_3_Style/test-00000-of-00001.parquet b/super_glue_wsc.fixed_GPT_3_Style/test-00000-of-00001.parquet
deleted file mode 100644
index 3dab9d242d0bb2fb656b32e4c36fce9154d11289..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_GPT_3_Style/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:77f3677cfed3d9359c1897fb3b5bf1031e864c0297e586026562414484738931
-size 22538
diff --git a/super_glue_wsc.fixed_GPT_3_Style/train-00000-of-00001.parquet b/super_glue_wsc.fixed_GPT_3_Style/train-00000-of-00001.parquet
deleted file mode 100644
index 9feda0aeafa398e0b8f656583d26b7b37c7c2f83..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_GPT_3_Style/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f2d59605a73adfd0c5c77a5dcfa40566cbaf44839ec5e5a5996fe670fb77327d
-size 70898
diff --git a/super_glue_wsc.fixed_GPT_3_Style/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_GPT_3_Style/validation-00000-of-00001.parquet
deleted file mode 100644
index 39cdf400805667d3d46fc558c3a41b4aca4ac08a..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_GPT_3_Style/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6236d9472868a9b7e08a4a1f53b842c66bc31614b1e7f6b847114ebd26c8039f
-size 18625
diff --git a/super_glue_wsc.fixed_GPT_3_Style_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_GPT_3_Style_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b554b58e30789188e57efc25668f03f4703128ce..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_GPT_3_Style_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:36613264bb73b6709059f5b081bd04fa2bc1a7bfd1b7697aa498a47553f4e53c
-size 27305
diff --git a/super_glue_wsc.fixed_GPT_3_Style_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_GPT_3_Style_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 576500419d7fee51d2ea10fd3da6c46b240c5bab..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_GPT_3_Style_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2f54186a11c7242d18ca1acf9534cd41249596a1d18f61e9fff443663dfcbcdc
-size 105303
diff --git a/super_glue_wsc.fixed_GPT_3_Style_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_GPT_3_Style_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 9c79bcd9fd8d6e3ec53c92be02ce1b95d449e283..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_GPT_3_Style_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bcc9d7e470e154d90df48b4c1e0bf14db857a117c29b698b7ad2da3b96e28d16
-size 30361
diff --git a/super_glue_wsc.fixed_I_think_they_mean/test-00000-of-00001.parquet b/super_glue_wsc.fixed_I_think_they_mean/test-00000-of-00001.parquet
deleted file mode 100644
index b3bebefa0dec113854b501e56fa9d9225ec9e1c1..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_I_think_they_mean/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d93cf91203bd46db124a10a509188103376f657e5feeedeca5da277979ce0cc4
-size 23373
diff --git a/super_glue_wsc.fixed_I_think_they_mean/train-00000-of-00001.parquet b/super_glue_wsc.fixed_I_think_they_mean/train-00000-of-00001.parquet
deleted file mode 100644
index 483edec52ae63dca758c7a627e0a62fd1c7cc6c5..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_I_think_they_mean/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dddea57e3a5f4c045016c7ef122dbd3fa1944db854eb2609981d57ecdf778186
-size 76214
diff --git a/super_glue_wsc.fixed_I_think_they_mean/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_I_think_they_mean/validation-00000-of-00001.parquet
deleted file mode 100644
index e73353152fc6de528b695640e8ab7144a70d7157..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_I_think_they_mean/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:50bf8231c7e6d84ae8b9a4ecf6aa486b0af55d221a5f8c5dcad3294faf7a2adf
-size 18818
diff --git a/super_glue_wsc.fixed_I_think_they_mean_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_I_think_they_mean_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index d65f1ba721cfea75fb5d22ef573186ddaf0796de..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_I_think_they_mean_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5bef786da20629e40a62d36b5458e1ed370731835d02ebfeca3cf25387a3788a
-size 28328
diff --git a/super_glue_wsc.fixed_I_think_they_mean_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_I_think_they_mean_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index a17bc6e082eed17a61410855b59f07879d20ee57..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_I_think_they_mean_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4fb4ece2045abb2d4d0c366d3793016d0b22df44f09df2f1263b6d1dec2b6ba4
-size 111417
diff --git a/super_glue_wsc.fixed_I_think_they_mean_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_I_think_they_mean_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 64bedfb76fd7ea521524582a39cb7a437a2d666d..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_I_think_they_mean_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:996baca1b60360eefe3a554ea6cbd1e7b416f2063c1491aaca8e8e2ba60cbf65
-size 22607
diff --git a/super_glue_wsc.fixed_Who_or_what_is_are/test-00000-of-00001.parquet b/super_glue_wsc.fixed_Who_or_what_is_are/test-00000-of-00001.parquet
deleted file mode 100644
index b2c313a0466730253c4cd54d560913df1bb301be..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_Who_or_what_is_are/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fd5601b9f1d73527ea23622f99a08d3dda3a5107d955ecbcba57397330f1e327
-size 22046
diff --git a/super_glue_wsc.fixed_Who_or_what_is_are/train-00000-of-00001.parquet b/super_glue_wsc.fixed_Who_or_what_is_are/train-00000-of-00001.parquet
deleted file mode 100644
index 357474b8b667632e6ad8943af7ec98040b935748..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_Who_or_what_is_are/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5bbe34f703e8bcbb0635243ba6a392c5e2f4d2c3c3faf4a575d84cb849fbb392
-size 67183
diff --git a/super_glue_wsc.fixed_Who_or_what_is_are/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_Who_or_what_is_are/validation-00000-of-00001.parquet
deleted file mode 100644
index 685f5dbe5d6797d4657b90c0db25bc132d0fd57f..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_Who_or_what_is_are/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7c78773a3e604241fe8c6a7509652127065a186fd6683400538313df6fe3753c
-size 17577
diff --git a/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index d6523bdcf70d65ac19cdabb1bd502cfe2825850f..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:34dfb66fe96e58442a2b2398b648f2333cacc03292197619d5ff5804179ea4b3
-size 26447
diff --git a/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index f19a065e13d8261ad3d1b2b57e9eba29008f9226..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:746b91c63ab36c16cb74116bc5e7a500407fe6ffe2dcb38920b4cf6885889d31
-size 97334
diff --git a/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 9b7e75474e604a40eaad10b283b4a1c67326b0fa..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_Who_or_what_is_are_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0a648b51f38c375871ba896508a437600620551b92999bd2e1630833dc873754
-size 22394
diff --git a/super_glue_wsc.fixed_by_p_they_mean/test-00000-of-00001.parquet b/super_glue_wsc.fixed_by_p_they_mean/test-00000-of-00001.parquet
deleted file mode 100644
index ee4ad962c9a64b0e0235076e8501d83d90be7e2b..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_by_p_they_mean/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2d4291c38ef99d66f99c80f3c4b93dcb5b4903064f87a20af82347a54cb62312
-size 22403
diff --git a/super_glue_wsc.fixed_by_p_they_mean/train-00000-of-00001.parquet b/super_glue_wsc.fixed_by_p_they_mean/train-00000-of-00001.parquet
deleted file mode 100644
index 2023bc2e06e6611ad0c29890c530406b4548101e..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_by_p_they_mean/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ad4b1611fd5afa8200f99143dde5cb7e66de483d422be253128e140f3c0753a5
-size 68564
diff --git a/super_glue_wsc.fixed_by_p_they_mean/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_by_p_they_mean/validation-00000-of-00001.parquet
deleted file mode 100644
index aa4e1475d38cd1e6bcc91176fac221308a58a7d6..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_by_p_they_mean/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:072115ef649e77021ebc99dfad0da48f60bcfaf4a3ac3a13e81e4396b2616ec2
-size 17231
diff --git a/super_glue_wsc.fixed_by_p_they_mean_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_by_p_they_mean_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 4fe21f6d6107c410e6386b818c758ba705b8cde7..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_by_p_they_mean_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:41cc8143656ca31a010a83e3dc30d450d705d6edded980abb112d551d54dca64
-size 26947
diff --git a/super_glue_wsc.fixed_by_p_they_mean_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_by_p_they_mean_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 8e0e08427d2f60b3a57bfb7ac133b9da06d37644..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_by_p_they_mean_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:24466b4b32b3241754d7078a1e6b913325bed68c25577923175d496d8b1437dd
-size 98886
diff --git a/super_glue_wsc.fixed_by_p_they_mean_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_by_p_they_mean_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 65c52c4050206b3a137df77d8a9d2568f11d3425..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_by_p_they_mean_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c98f619b3722549a32767df68c227389b03e1eb4ed399071d485d3d6b1e0454d
-size 21320
diff --git a/super_glue_wsc.fixed_does_p_stand_for/test-00000-of-00001.parquet b/super_glue_wsc.fixed_does_p_stand_for/test-00000-of-00001.parquet
deleted file mode 100644
index dc318e1877aaa5c3416fdab0080607b19f7f6dbb..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_p_stand_for/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:470bd99e07e37a84e3f0794306b94856f3b3016788b97d692501b3fc5a9f66ce
-size 21353
diff --git a/super_glue_wsc.fixed_does_p_stand_for/train-00000-of-00001.parquet b/super_glue_wsc.fixed_does_p_stand_for/train-00000-of-00001.parquet
deleted file mode 100644
index c4e5a0c86130e456bbb535271cda18bab5cadcf2..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_p_stand_for/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0c1c0dcbc39a917919c8d0f5d1dc59e05e98bf9fd2e4cc2cb0135763bfdd8927
-size 70127
diff --git a/super_glue_wsc.fixed_does_p_stand_for/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_does_p_stand_for/validation-00000-of-00001.parquet
deleted file mode 100644
index 02be53f45d194bd21493c28799557bbba53d68d0..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_p_stand_for/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:94d8e8d726a95cddacfba87d323548c206009daad47f4c61fd15747c0115f398
-size 18013
diff --git a/super_glue_wsc.fixed_does_p_stand_for_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_does_p_stand_for_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b20baf5c72e91f89163f373fa1e0856cb744f5cc..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_p_stand_for_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7d8601cfe3f2307e1f58b3edc9e41ceb8a758a31a62f06eb102abe5b7b0bc8cc
-size 26417
diff --git a/super_glue_wsc.fixed_does_p_stand_for_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_does_p_stand_for_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 5f634ab1ff463e6a5a0ccfb6a2fe6e951f3a853c..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_p_stand_for_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c2017cad819d063ce5786e2a09d57992724ad89a3bf24628961ddd4c9d4ba729
-size 95863
diff --git a/super_glue_wsc.fixed_does_p_stand_for_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_does_p_stand_for_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index f31c0e006b1085025075e24422a64f9b6ad8c7ad..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_p_stand_for_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ac52c07d04070ea150d90812c4f3552174aed84935fa6a5cd62154047134cd40
-size 22174
diff --git a/super_glue_wsc.fixed_does_the_pronoun_refer_to/test-00000-of-00001.parquet b/super_glue_wsc.fixed_does_the_pronoun_refer_to/test-00000-of-00001.parquet
deleted file mode 100644
index 6cf220deceb04218d484a21ad6ecd1a6e70c5814..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_the_pronoun_refer_to/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ed08da3a48e77a04d185eea951ce2b4832d1ae79dd5c5240fc1a626024594c1a
-size 22536
diff --git a/super_glue_wsc.fixed_does_the_pronoun_refer_to/train-00000-of-00001.parquet b/super_glue_wsc.fixed_does_the_pronoun_refer_to/train-00000-of-00001.parquet
deleted file mode 100644
index 7d676e7d0d2d246e7fec50a81f3a07305082ea8a..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_the_pronoun_refer_to/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7c0f7ebe0f35162a68565738a7966158abafd2475950faa938c128c5b8eb6816
-size 69586
diff --git a/super_glue_wsc.fixed_does_the_pronoun_refer_to/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_does_the_pronoun_refer_to/validation-00000-of-00001.parquet
deleted file mode 100644
index 324968f497976ebcb327a3f3b230f15d2a1a12d5..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_the_pronoun_refer_to/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:88b5aaf177e79af0557387b5ce229103847e295fd7d718534d07761a5e28edb0
-size 18665
diff --git a/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 6b6f68183f5ef6fffd7be464c289b326ccc587a3..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7ae57b80da78fa49708b749d85defbfd101110e468d7765f8762391c76711b93
-size 26834
diff --git a/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 55e2be34dff48e604ac9a58e3fc65a3a07f91850..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3e7e89da8bfe2e85010f71e9194c2abef836e091e06f1bc805a9e3b9019d7bbc
-size 103351
diff --git a/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index e9e867f3080b1ebcc030dedc143a73d3b9f286d2..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c1717e8bf687030a4950fa5f1357335612aa6079b014fab47420447d5ecf6e51
-size 22438
diff --git a/super_glue_wsc.fixed_in_other_words/test-00000-of-00001.parquet b/super_glue_wsc.fixed_in_other_words/test-00000-of-00001.parquet
deleted file mode 100644
index 1b41065e8bc1abd36b7a02b5dfa71e232ca79dfb..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_in_other_words/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2849489a11b354824b529a64533b3ac26f6da7cb61fe2444c0b9079009cbae3e
-size 23223
diff --git a/super_glue_wsc.fixed_in_other_words/train-00000-of-00001.parquet b/super_glue_wsc.fixed_in_other_words/train-00000-of-00001.parquet
deleted file mode 100644
index daeca4c748401024aa0c6b8d9cfee6cdfa44a47c..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_in_other_words/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e1444ae2581b016068eafb8bf1f986e52c9fabb37a73f80a32d6a0308cc604c4
-size 75425
diff --git a/super_glue_wsc.fixed_in_other_words/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_in_other_words/validation-00000-of-00001.parquet
deleted file mode 100644
index 8714680307327677f8b750fa29489ebc20291238..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_in_other_words/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f7dc92b073e60e0b6895c70aba29db54e2ae260d76f31dc38724aa7a4b9c37e8
-size 20737
diff --git a/super_glue_wsc.fixed_in_other_words_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_in_other_words_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 3eedc29ecbd8d5943d7a536ebae5ae337346139e..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_in_other_words_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:edf33850050ea8ec32a5afd1af7a7ff6ea59f4712ca5d8bf1d82c96a509b31c8
-size 27971
diff --git a/super_glue_wsc.fixed_in_other_words_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_in_other_words_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 88ed9707d46f529d7ff8c82606feb0c8292124d1..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_in_other_words_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:07940b517beaf4542230e0205f3dd7a9a074421c3365f13a4862a6585c6ba496
-size 109065
diff --git a/super_glue_wsc.fixed_in_other_words_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_in_other_words_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 68af2373d5961e3a35d0c5ee878b53fc46fd2287..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_in_other_words_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f64b046f33e0d4a3a1643743baefeedd95edd346fc5fbeb187e4cc59a4cf4cae
-size 25074
diff --git a/super_glue_wsc.fixed_p_is_are_r/test-00000-of-00001.parquet b/super_glue_wsc.fixed_p_is_are_r/test-00000-of-00001.parquet
deleted file mode 100644
index dcec52b4a6eb18c9e956f8331c7ad57382eeec8f..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_p_is_are_r/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1a2556baa4fa7f0e851fa510e7db59dce851867ad21f28bbed4ec15b1f0c89b0
-size 22326
diff --git a/super_glue_wsc.fixed_p_is_are_r/train-00000-of-00001.parquet b/super_glue_wsc.fixed_p_is_are_r/train-00000-of-00001.parquet
deleted file mode 100644
index 4d20aa09bf7bdc82db084eaf560f145d04190671..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_p_is_are_r/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ab7dc48b9c2d02eeb580f25eba870d8f86399e916a3b24f5bfd6e2345238e576
-size 69318
diff --git a/super_glue_wsc.fixed_p_is_are_r/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_p_is_are_r/validation-00000-of-00001.parquet
deleted file mode 100644
index b12bfce3bb4fe4ad735a893da51eef2564e19fb9..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_p_is_are_r/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f1c9cde102d54207d7c0f869acb00445b9025e1b98753b9c68e391f4448e6411
-size 17846
diff --git a/super_glue_wsc.fixed_p_is_are_r_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_p_is_are_r_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index dc1f78647277d6361f397fc9b96586bba8f437f1..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_p_is_are_r_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1d0077d17c4c175850a545a8a2258cf6296f3a956581136cdf5198feec9bc736
-size 26638
diff --git a/super_glue_wsc.fixed_p_is_are_r_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_p_is_are_r_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 8d72023a581d4b23fd11e6fd15d2c492fc241559..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_p_is_are_r_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:286ccde99820d41c836ca06ae43b0e3ba76628f93645c1b98f735b58886d31d1
-size 100534
diff --git a/super_glue_wsc.fixed_p_is_are_r_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_p_is_are_r_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 3eb01884c47261f339eee14965c427d1a413cc58..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_p_is_are_r_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5b48b12a9639c5fcfd52ad7b36419a89c0a54e0ef51f1b9f20f1c52fe99efdf1
-size 22371
diff --git a/super_glue_wsc.fixed_replaced_with/test-00000-of-00001.parquet b/super_glue_wsc.fixed_replaced_with/test-00000-of-00001.parquet
deleted file mode 100644
index a1a5772825a423a1dd0017ea89023cbb5e561f0c..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_replaced_with/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:948e4f595e06d858500fb651db95bb314f6a9fc6ed23f9d39be3ff66be466f50
-size 22926
diff --git a/super_glue_wsc.fixed_replaced_with/train-00000-of-00001.parquet b/super_glue_wsc.fixed_replaced_with/train-00000-of-00001.parquet
deleted file mode 100644
index 07cdc42179c3e08af0bcad4e9c1716bdb5367516..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_replaced_with/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:99ba14d992b5f9f103aaa7332a749925eb9f875460a04886a7b1cfdf4bf81202
-size 71280
diff --git a/super_glue_wsc.fixed_replaced_with/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_replaced_with/validation-00000-of-00001.parquet
deleted file mode 100644
index 5efc4ea1746517905425007e2de6d4e0c58bedc7..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_replaced_with/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6bae1bffeb30f908252924231d9bb3570d1e78b82bae0dacf77d01000e123deb
-size 17997
diff --git a/super_glue_wsc.fixed_replaced_with_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_replaced_with_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 32723e76d970520813c86fca8771c805b6e151b1..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_replaced_with_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:26c1cac20dbe96ca33f973b20f4ebbd37961603c412fcc34768d2fbaa4b51626
-size 28080
diff --git a/super_glue_wsc.fixed_replaced_with_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_replaced_with_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 5df09dbb71d08481af4e16c09396c7c183dc7253..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_replaced_with_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:60587a0f97244b0de21f33984b2a150be5a598f10b49673a804ff9cf6b4c3af6
-size 106380
diff --git a/super_glue_wsc.fixed_replaced_with_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_replaced_with_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 6b86a7c4638c25268e81a3917da38faba50bbe4a..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_replaced_with_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:50c2cd8bcf94a1096750271ce884c4a50ebbb8266c94ceeea90bdeb18323f056
-size 21345
diff --git a/super_glue_wsc.fixed_the_pronoun_refers_to/test-00000-of-00001.parquet b/super_glue_wsc.fixed_the_pronoun_refers_to/test-00000-of-00001.parquet
deleted file mode 100644
index f4423211e36c30ff8614c8b4d0e6464233a82127..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_the_pronoun_refers_to/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d436353d178cdb8b113696aeab6cf0d9c84e3dbfcc9867e6cf88b6ef7615bd41
-size 22549
diff --git a/super_glue_wsc.fixed_the_pronoun_refers_to/train-00000-of-00001.parquet b/super_glue_wsc.fixed_the_pronoun_refers_to/train-00000-of-00001.parquet
deleted file mode 100644
index 72c1e5b5298a8a73e86fd5495b5920ffc303ba91..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_the_pronoun_refers_to/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e505f7a1d3b0666c51d10755fcaf5903c6af5e68ea1205e0e1b97530a1768226
-size 69681
diff --git a/super_glue_wsc.fixed_the_pronoun_refers_to/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_the_pronoun_refers_to/validation-00000-of-00001.parquet
deleted file mode 100644
index 0b69c84b1d86e50327969b98c98ae38d74f68dcd..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_the_pronoun_refers_to/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b93735169881f850339852b36a34386c13c0af4ba5a3b90e052057e5b28947bc
-size 18658
diff --git a/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/test-00000-of-00001.parquet b/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 945cb8c80b3686c2d5bd01a880b54f18a80c26d4..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ce86a2410c76f74a13ef4b6db27306c760a06d11b3205ca3bead96cb723ac782
-size 26967
diff --git a/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/train-00000-of-00001.parquet b/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 76a567b467efd036c3cc27ffb8c2ce1f43c39411..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:afb790060d28184c2894680a5625ed52d1879acb25aa6c0ad13180cb051bba36
-size 103499
diff --git a/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/validation-00000-of-00001.parquet b/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index a0e587c01e8fd58e6c313111e8a2988b10c1147e..0000000000000000000000000000000000000000
--- a/super_glue_wsc.fixed_the_pronoun_refers_to_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:189b98aaf75bf6eb094396460f5cab7138deca5d6f545248e4f8fb0b5f43074e
-size 22279
diff --git a/tasks_splits_and_features.py b/tasks_splits_and_features.py
index 89b9029222011b58fa991e743ab8c21b9e2cada5..7d1567ee523934f7ad6e0699fdbdfd3822b28980 100644
--- a/tasks_splits_and_features.py
+++ b/tasks_splits_and_features.py
@@ -1,48 +1,20 @@
 from collections import defaultdict
 
-
 DATA_SPLITS_SIZES = {
     "adversarial_qa_dbert_answer_the_following_q": {"validation": 1000, "train": 10000},
     "adversarial_qa_dbert_based_on": {"validation": 1000, "train": 10000},
-    "adversarial_qa_dbert_generate_question": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 10000,
-    },
-    "adversarial_qa_dbert_question_context_answer": {
-        "validation": 1000,
-        "train": 10000,
-    },
+    "adversarial_qa_dbert_generate_question": {"validation": 1000, "test": 1000, "train": 10000},
+    "adversarial_qa_dbert_question_context_answer": {"validation": 1000, "train": 10000},
     "adversarial_qa_dbert_tell_what_it_is": {"validation": 1000, "train": 10000},
-    "adversarial_qa_dbidaf_answer_the_following_q": {
-        "validation": 1000,
-        "train": 10000,
-    },
+    "adversarial_qa_dbidaf_answer_the_following_q": {"validation": 1000, "train": 10000},
     "adversarial_qa_dbidaf_based_on": {"validation": 1000, "train": 10000},
-    "adversarial_qa_dbidaf_generate_question": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 10000,
-    },
-    "adversarial_qa_dbidaf_question_context_answer": {
-        "validation": 1000,
-        "train": 10000,
-    },
+    "adversarial_qa_dbidaf_generate_question": {"validation": 1000, "test": 1000, "train": 10000},
+    "adversarial_qa_dbidaf_question_context_answer": {"validation": 1000, "train": 10000},
     "adversarial_qa_dbidaf_tell_what_it_is": {"validation": 1000, "train": 10000},
-    "adversarial_qa_droberta_answer_the_following_q": {
-        "validation": 1000,
-        "train": 10000,
-    },
+    "adversarial_qa_droberta_answer_the_following_q": {"validation": 1000, "train": 10000},
     "adversarial_qa_droberta_based_on": {"validation": 1000, "train": 10000},
-    "adversarial_qa_droberta_generate_question": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 10000,
-    },
-    "adversarial_qa_droberta_question_context_answer": {
-        "validation": 1000,
-        "train": 10000,
-    },
+    "adversarial_qa_droberta_generate_question": {"validation": 1000, "test": 1000, "train": 10000},
+    "adversarial_qa_droberta_question_context_answer": {"validation": 1000, "train": 10000},
     "adversarial_qa_droberta_tell_what_it_is": {"validation": 1000, "train": 10000},
     "ag_news_classify": {"test": 7600, "train": 120000},
     "ag_news_classify_question_first": {"test": 7600, "train": 120000},
@@ -51,501 +23,139 @@ DATA_SPLITS_SIZES = {
     "ag_news_recommend": {"test": 7600, "train": 120000},
     "ag_news_which_section": {"test": 7600, "train": 120000},
     "ag_news_which_section_choices": {"test": 7600, "train": 120000},
-    "ai2_arc_ARC_Challenge_heres_a_problem": {
-        "validation": 299,
-        "test": 1172,
-        "train": 1119,
-    },
-    "ai2_arc_ARC_Challenge_i_am_hesitating": {
-        "validation": 299,
-        "test": 1172,
-        "train": 1119,
-    },
-    "ai2_arc_ARC_Challenge_multiple_choice": {
-        "validation": 299,
-        "test": 1172,
-        "train": 1119,
-    },
-    "ai2_arc_ARC_Challenge_pick_false_options": {
-        "validation": 299,
-        "test": 1172,
-        "train": 1119,
-    },
-    "ai2_arc_ARC_Challenge_pick_the_most_correct_option": {
-        "validation": 299,
-        "test": 1172,
-        "train": 1119,
-    },
-    "ai2_arc_ARC_Challenge_qa_options": {
-        "validation": 299,
-        "test": 1172,
-        "train": 1119,
-    },
-    "ai2_arc_ARC_Easy_heres_a_problem": {
-        "validation": 570,
-        "test": 2376,
-        "train": 2251,
-    },
-    "ai2_arc_ARC_Easy_i_am_hesitating": {
-        "validation": 570,
-        "test": 2376,
-        "train": 2251,
-    },
-    "ai2_arc_ARC_Easy_multiple_choice": {
-        "validation": 570,
-        "test": 2376,
-        "train": 2251,
-    },
-    "ai2_arc_ARC_Easy_pick_false_options": {
-        "validation": 570,
-        "test": 2376,
-        "train": 2251,
-    },
-    "ai2_arc_ARC_Easy_pick_the_most_correct_option": {
-        "validation": 570,
-        "test": 2376,
-        "train": 2251,
-    },
+    "ai2_arc_ARC_Challenge_heres_a_problem": {"validation": 299, "test": 1172, "train": 1119},
+    "ai2_arc_ARC_Challenge_i_am_hesitating": {"validation": 299, "test": 1172, "train": 1119},
+    "ai2_arc_ARC_Challenge_multiple_choice": {"validation": 299, "test": 1172, "train": 1119},
+    "ai2_arc_ARC_Challenge_pick_false_options": {"validation": 299, "test": 1172, "train": 1119},
+    "ai2_arc_ARC_Challenge_pick_the_most_correct_option": {"validation": 299, "test": 1172, "train": 1119},
+    "ai2_arc_ARC_Challenge_qa_options": {"validation": 299, "test": 1172, "train": 1119},
+    "ai2_arc_ARC_Easy_heres_a_problem": {"validation": 570, "test": 2376, "train": 2251},
+    "ai2_arc_ARC_Easy_i_am_hesitating": {"validation": 570, "test": 2376, "train": 2251},
+    "ai2_arc_ARC_Easy_multiple_choice": {"validation": 570, "test": 2376, "train": 2251},
+    "ai2_arc_ARC_Easy_pick_false_options": {"validation": 570, "test": 2376, "train": 2251},
+    "ai2_arc_ARC_Easy_pick_the_most_correct_option": {"validation": 570, "test": 2376, "train": 2251},
     "ai2_arc_ARC_Easy_qa_options": {"validation": 570, "test": 2376, "train": 2251},
-    "amazon_polarity_Is_this_product_review_positive": {
-        "test": 400000,
-        "train": 3600000,
-    },
+    "amazon_polarity_Is_this_product_review_positive": {"test": 400000, "train": 3600000},
     "amazon_polarity_Is_this_review": {"test": 400000, "train": 3600000},
     "amazon_polarity_Is_this_review_negative": {"test": 400000, "train": 3600000},
     "amazon_polarity_User_recommend_this_product": {"test": 400000, "train": 3600000},
-    "amazon_polarity_convey_negative_or_positive_sentiment": {
-        "test": 400000,
-        "train": 3600000,
-    },
+    "amazon_polarity_convey_negative_or_positive_sentiment": {"test": 400000, "train": 3600000},
     "amazon_polarity_flattering_or_not": {"test": 400000, "train": 3600000},
     "amazon_polarity_negative_or_positive_tone": {"test": 400000, "train": 3600000},
     "amazon_polarity_user_satisfied": {"test": 400000, "train": 3600000},
     "amazon_polarity_would_you_buy": {"test": 400000, "train": 3600000},
     "anli_GPT_3_style_r1": {"validation": 1000, "test": 1000, "train": 16946},
-    "anli_GPT_3_style_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
+    "anli_GPT_3_style_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
     "anli_GPT_3_style_r2": {"validation": 1000, "test": 1000, "train": 45460},
-    "anli_GPT_3_style_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
+    "anli_GPT_3_style_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
     "anli_GPT_3_style_r3": {"validation": 1200, "test": 1200, "train": 100459},
-    "anli_GPT_3_style_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
+    "anli_GPT_3_style_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
     "anli_MNLI_crowdsource_r1": {"validation": 1000, "test": 1000, "train": 16946},
-    "anli_MNLI_crowdsource_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
+    "anli_MNLI_crowdsource_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
     "anli_MNLI_crowdsource_r2": {"validation": 1000, "test": 1000, "train": 45460},
-    "anli_MNLI_crowdsource_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
+    "anli_MNLI_crowdsource_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
     "anli_MNLI_crowdsource_r3": {"validation": 1200, "test": 1200, "train": 100459},
-    "anli_MNLI_crowdsource_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
-    "anli_always_sometimes_never_r1": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 16946,
-    },
-    "anli_always_sometimes_never_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
-    "anli_always_sometimes_never_r2": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 45460,
-    },
-    "anli_always_sometimes_never_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
-    "anli_always_sometimes_never_r3": {
-        "validation": 1200,
-        "test": 1200,
-        "train": 100459,
-    },
-    "anli_always_sometimes_never_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
-    "anli_based_on_the_previous_passage_r1": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 16946,
-    },
-    "anli_based_on_the_previous_passage_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
-    "anli_based_on_the_previous_passage_r2": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 45460,
-    },
-    "anli_based_on_the_previous_passage_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
-    "anli_based_on_the_previous_passage_r3": {
-        "validation": 1200,
-        "test": 1200,
-        "train": 100459,
-    },
-    "anli_based_on_the_previous_passage_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
+    "anli_MNLI_crowdsource_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
+    "anli_always_sometimes_never_r1": {"validation": 1000, "test": 1000, "train": 16946},
+    "anli_always_sometimes_never_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
+    "anli_always_sometimes_never_r2": {"validation": 1000, "test": 1000, "train": 45460},
+    "anli_always_sometimes_never_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
+    "anli_always_sometimes_never_r3": {"validation": 1200, "test": 1200, "train": 100459},
+    "anli_always_sometimes_never_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
+    "anli_based_on_the_previous_passage_r1": {"validation": 1000, "test": 1000, "train": 16946},
+    "anli_based_on_the_previous_passage_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
+    "anli_based_on_the_previous_passage_r2": {"validation": 1000, "test": 1000, "train": 45460},
+    "anli_based_on_the_previous_passage_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
+    "anli_based_on_the_previous_passage_r3": {"validation": 1200, "test": 1200, "train": 100459},
+    "anli_based_on_the_previous_passage_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
     "anli_can_we_infer_r1": {"validation": 1000, "test": 1000, "train": 16946},
-    "anli_can_we_infer_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
+    "anli_can_we_infer_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
     "anli_can_we_infer_r2": {"validation": 1000, "test": 1000, "train": 45460},
-    "anli_can_we_infer_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
+    "anli_can_we_infer_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
     "anli_can_we_infer_r3": {"validation": 1200, "test": 1200, "train": 100459},
-    "anli_can_we_infer_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
-    "anli_claim_true_false_inconclusive_r1": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 16946,
-    },
-    "anli_claim_true_false_inconclusive_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
-    "anli_claim_true_false_inconclusive_r2": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 45460,
-    },
-    "anli_claim_true_false_inconclusive_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
-    "anli_claim_true_false_inconclusive_r3": {
-        "validation": 1200,
-        "test": 1200,
-        "train": 100459,
-    },
-    "anli_claim_true_false_inconclusive_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
-    "anli_consider_always_sometimes_never_r1": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 16946,
-    },
-    "anli_consider_always_sometimes_never_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
-    "anli_consider_always_sometimes_never_r2": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 45460,
-    },
-    "anli_consider_always_sometimes_never_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
-    "anli_consider_always_sometimes_never_r3": {
-        "validation": 1200,
-        "test": 1200,
-        "train": 100459,
-    },
-    "anli_consider_always_sometimes_never_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
+    "anli_can_we_infer_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
+    "anli_claim_true_false_inconclusive_r1": {"validation": 1000, "test": 1000, "train": 16946},
+    "anli_claim_true_false_inconclusive_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
+    "anli_claim_true_false_inconclusive_r2": {"validation": 1000, "test": 1000, "train": 45460},
+    "anli_claim_true_false_inconclusive_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
+    "anli_claim_true_false_inconclusive_r3": {"validation": 1200, "test": 1200, "train": 100459},
+    "anli_claim_true_false_inconclusive_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
+    "anli_consider_always_sometimes_never_r1": {"validation": 1000, "test": 1000, "train": 16946},
+    "anli_consider_always_sometimes_never_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
+    "anli_consider_always_sometimes_never_r2": {"validation": 1000, "test": 1000, "train": 45460},
+    "anli_consider_always_sometimes_never_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
+    "anli_consider_always_sometimes_never_r3": {"validation": 1200, "test": 1200, "train": 100459},
+    "anli_consider_always_sometimes_never_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
     "anli_does_it_follow_that_r1": {"validation": 1000, "test": 1000, "train": 16946},
-    "anli_does_it_follow_that_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
+    "anli_does_it_follow_that_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
     "anli_does_it_follow_that_r2": {"validation": 1000, "test": 1000, "train": 45460},
-    "anli_does_it_follow_that_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
+    "anli_does_it_follow_that_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
     "anli_does_it_follow_that_r3": {"validation": 1200, "test": 1200, "train": 100459},
-    "anli_does_it_follow_that_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
+    "anli_does_it_follow_that_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
     "anli_does_this_imply_r1": {"validation": 1000, "test": 1000, "train": 16946},
-    "anli_does_this_imply_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
+    "anli_does_this_imply_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
     "anli_does_this_imply_r2": {"validation": 1000, "test": 1000, "train": 45460},
-    "anli_does_this_imply_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
+    "anli_does_this_imply_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
     "anli_does_this_imply_r3": {"validation": 1200, "test": 1200, "train": 100459},
-    "anli_does_this_imply_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
-    "anli_guaranteed_possible_impossible_r1": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 16946,
-    },
-    "anli_guaranteed_possible_impossible_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
-    "anli_guaranteed_possible_impossible_r2": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 45460,
-    },
-    "anli_guaranteed_possible_impossible_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
-    "anli_guaranteed_possible_impossible_r3": {
-        "validation": 1200,
-        "test": 1200,
-        "train": 100459,
-    },
-    "anli_guaranteed_possible_impossible_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
+    "anli_does_this_imply_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
+    "anli_guaranteed_possible_impossible_r1": {"validation": 1000, "test": 1000, "train": 16946},
+    "anli_guaranteed_possible_impossible_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
+    "anli_guaranteed_possible_impossible_r2": {"validation": 1000, "test": 1000, "train": 45460},
+    "anli_guaranteed_possible_impossible_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
+    "anli_guaranteed_possible_impossible_r3": {"validation": 1200, "test": 1200, "train": 100459},
+    "anli_guaranteed_possible_impossible_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
     "anli_guaranteed_true_r1": {"validation": 1000, "test": 1000, "train": 16946},
-    "anli_guaranteed_true_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
+    "anli_guaranteed_true_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
     "anli_guaranteed_true_r2": {"validation": 1000, "test": 1000, "train": 45460},
-    "anli_guaranteed_true_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
+    "anli_guaranteed_true_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
     "anli_guaranteed_true_r3": {"validation": 1200, "test": 1200, "train": 100459},
-    "anli_guaranteed_true_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
+    "anli_guaranteed_true_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
     "anli_justified_in_saying_r1": {"validation": 1000, "test": 1000, "train": 16946},
-    "anli_justified_in_saying_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
+    "anli_justified_in_saying_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
     "anli_justified_in_saying_r2": {"validation": 1000, "test": 1000, "train": 45460},
-    "anli_justified_in_saying_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
+    "anli_justified_in_saying_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
     "anli_justified_in_saying_r3": {"validation": 1200, "test": 1200, "train": 100459},
-    "anli_justified_in_saying_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
+    "anli_justified_in_saying_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
     "anli_must_be_true_r1": {"validation": 1000, "test": 1000, "train": 16946},
-    "anli_must_be_true_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
+    "anli_must_be_true_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
     "anli_must_be_true_r2": {"validation": 1000, "test": 1000, "train": 45460},
-    "anli_must_be_true_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
+    "anli_must_be_true_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
     "anli_must_be_true_r3": {"validation": 1200, "test": 1200, "train": 100459},
-    "anli_must_be_true_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
+    "anli_must_be_true_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
     "anli_should_assume_r1": {"validation": 1000, "test": 1000, "train": 16946},
-    "anli_should_assume_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
+    "anli_should_assume_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
     "anli_should_assume_r2": {"validation": 1000, "test": 1000, "train": 45460},
-    "anli_should_assume_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
+    "anli_should_assume_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
     "anli_should_assume_r3": {"validation": 1200, "test": 1200, "train": 100459},
-    "anli_should_assume_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
-    "anli_take_the_following_as_truth_r1": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 16946,
-    },
-    "anli_take_the_following_as_truth_r1_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 50838,
-    },
-    "anli_take_the_following_as_truth_r2": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 45460,
-    },
-    "anli_take_the_following_as_truth_r2_score_eval": {
-        "validation": 3000,
-        "test": 3000,
-        "train": 136380,
-    },
-    "anli_take_the_following_as_truth_r3": {
-        "validation": 1200,
-        "test": 1200,
-        "train": 100459,
-    },
-    "anli_take_the_following_as_truth_r3_score_eval": {
-        "validation": 3600,
-        "test": 3600,
-        "train": 301377,
-    },
+    "anli_should_assume_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
+    "anli_take_the_following_as_truth_r1": {"validation": 1000, "test": 1000, "train": 16946},
+    "anli_take_the_following_as_truth_r1_score_eval": {"validation": 3000, "test": 3000, "train": 50838},
+    "anli_take_the_following_as_truth_r2": {"validation": 1000, "test": 1000, "train": 45460},
+    "anli_take_the_following_as_truth_r2_score_eval": {"validation": 3000, "test": 3000, "train": 136380},
+    "anli_take_the_following_as_truth_r3": {"validation": 1200, "test": 1200, "train": 100459},
+    "anli_take_the_following_as_truth_r3_score_eval": {"validation": 3600, "test": 3600, "train": 301377},
     "app_reviews_categorize_rating_using_review": {"train": 288065},
     "app_reviews_convert_to_rating": {"train": 288065},
     "app_reviews_convert_to_star_rating": {"train": 288065},
     "app_reviews_generate_review": {"train": 288065},
-    "cnn_dailymail_3.0.0_2_or_3_sentences": {
-        "validation": 13368,
-        "test": 11490,
-        "train": 287113,
-    },
-    "cnn_dailymail_3.0.0_generate_story": {
-        "validation": 13368,
-        "test": 11490,
-        "train": 287113,
-    },
-    "cnn_dailymail_3.0.0_news_card_view": {
-        "validation": 13368,
-        "test": 11490,
-        "train": 287113,
-    },
-    "cnn_dailymail_3.0.0_news_stock": {
-        "validation": 13368,
-        "test": 11490,
-        "train": 287113,
-    },
-    "cnn_dailymail_3.0.0_news_summary": {
-        "validation": 13368,
-        "test": 11490,
-        "train": 287113,
-    },
-    "cnn_dailymail_3.0.0_spice_up_story": {
-        "validation": 13368,
-        "test": 11490,
-        "train": 287113,
-    },
-    "cnn_dailymail_3.0.0_sum_in_brief": {
-        "validation": 13368,
-        "test": 11490,
-        "train": 287113,
-    },
-    "cnn_dailymail_3.0.0_tldr_summary": {
-        "validation": 13368,
-        "test": 11490,
-        "train": 287113,
-    },
-    "cnn_dailymail_3.0.0_write_an_outline": {
-        "validation": 13368,
-        "test": 11490,
-        "train": 287113,
-    },
+    "cnn_dailymail_3.0.0_2_or_3_sentences": {"validation": 13368, "test": 11490, "train": 287113},
+    "cnn_dailymail_3.0.0_generate_story": {"validation": 13368, "test": 11490, "train": 287113},
+    "cnn_dailymail_3.0.0_news_card_view": {"validation": 13368, "test": 11490, "train": 287113},
+    "cnn_dailymail_3.0.0_news_stock": {"validation": 13368, "test": 11490, "train": 287113},
+    "cnn_dailymail_3.0.0_news_summary": {"validation": 13368, "test": 11490, "train": 287113},
+    "cnn_dailymail_3.0.0_spice_up_story": {"validation": 13368, "test": 11490, "train": 287113},
+    "cnn_dailymail_3.0.0_sum_in_brief": {"validation": 13368, "test": 11490, "train": 287113},
+    "cnn_dailymail_3.0.0_tldr_summary": {"validation": 13368, "test": 11490, "train": 287113},
+    "cnn_dailymail_3.0.0_write_an_outline": {"validation": 13368, "test": 11490, "train": 287113},
     "common_gen_Example_prompt": {"validation": 4018, "test": 1497, "train": 67389},
-    "common_gen_Given_concepts_type_1": {
-        "validation": 4018,
-        "test": 1497,
-        "train": 67389,
-    },
-    "common_gen_Given_concepts_type_2": {
-        "validation": 4018,
-        "test": 1497,
-        "train": 67389,
-    },
+    "common_gen_Given_concepts_type_1": {"validation": 4018, "test": 1497, "train": 67389},
+    "common_gen_Given_concepts_type_2": {"validation": 4018, "test": 1497, "train": 67389},
     "common_gen_Put_together": {"validation": 4018, "test": 1497, "train": 67389},
-    "common_gen_choice_in_concept_centric_sentence_generation": {
-        "validation": 4018,
-        "test": 1497,
-        "train": 67389,
-    },
-    "common_gen_random_task_template_prompt": {
-        "validation": 4018,
-        "test": 1497,
-        "train": 67389,
-    },
-    "common_gen_sentence_to_concepts": {
-        "validation": 4018,
-        "test": 1497,
-        "train": 67389,
-    },
+    "common_gen_choice_in_concept_centric_sentence_generation": {"validation": 4018, "test": 1497, "train": 67389},
+    "common_gen_random_task_template_prompt": {"validation": 4018, "test": 1497, "train": 67389},
+    "common_gen_sentence_to_concepts": {"validation": 4018, "test": 1497, "train": 67389},
     "common_gen_topic_to_sentence": {"validation": 4018, "test": 1497, "train": 67389},
-    "common_gen_topics_from_the_sentence": {
-        "validation": 4018,
-        "test": 1497,
-        "train": 67389,
-    },
+    "common_gen_topics_from_the_sentence": {"validation": 4018, "test": 1497, "train": 67389},
     "cos_e_v1.11_aligned_with_common_sense": {"validation": 1221, "train": 9741},
     "cos_e_v1.11_description_question_option_id": {"validation": 1221, "train": 9741},
     "cos_e_v1.11_description_question_option_text": {"validation": 1221, "train": 9741},
@@ -557,192 +167,55 @@ DATA_SPLITS_SIZES = {
     "cos_e_v1.11_question_option_description_id": {"validation": 1221, "train": 9741},
     "cos_e_v1.11_question_option_description_text": {"validation": 1221, "train": 9741},
     "cos_e_v1.11_rationale": {"validation": 1221, "train": 9741},
-    "cosmos_qa_context_answer_to_question": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
-    "cosmos_qa_context_description_question_answer_id": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
-    "cosmos_qa_context_description_question_answer_text": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
-    "cosmos_qa_context_description_question_text": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
-    "cosmos_qa_context_question_description_answer_id": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
-    "cosmos_qa_context_question_description_answer_text": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
-    "cosmos_qa_context_question_description_text": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
-    "cosmos_qa_description_context_question_answer_id": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
-    "cosmos_qa_description_context_question_answer_text": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
-    "cosmos_qa_description_context_question_text": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
+    "cosmos_qa_context_answer_to_question": {"validation": 2985, "test": 6963, "train": 25262},
+    "cosmos_qa_context_description_question_answer_id": {"validation": 2985, "test": 6963, "train": 25262},
+    "cosmos_qa_context_description_question_answer_text": {"validation": 2985, "test": 6963, "train": 25262},
+    "cosmos_qa_context_description_question_text": {"validation": 2985, "test": 6963, "train": 25262},
+    "cosmos_qa_context_question_description_answer_id": {"validation": 2985, "test": 6963, "train": 25262},
+    "cosmos_qa_context_question_description_answer_text": {"validation": 2985, "test": 6963, "train": 25262},
+    "cosmos_qa_context_question_description_text": {"validation": 2985, "test": 6963, "train": 25262},
+    "cosmos_qa_description_context_question_answer_id": {"validation": 2985, "test": 6963, "train": 25262},
+    "cosmos_qa_description_context_question_answer_text": {"validation": 2985, "test": 6963, "train": 25262},
+    "cosmos_qa_description_context_question_text": {"validation": 2985, "test": 6963, "train": 25262},
     "cosmos_qa_no_prompt_id": {"validation": 2985, "test": 6963, "train": 25262},
     "cosmos_qa_no_prompt_text": {"validation": 2985, "test": 6963, "train": 25262},
-    "cosmos_qa_only_question_answer": {
-        "validation": 2985,
-        "test": 6963,
-        "train": 25262,
-    },
+    "cosmos_qa_only_question_answer": {"validation": 2985, "test": 6963, "train": 25262},
     "dbpedia_14_given_a_choice_of_categories_": {"test": 70000, "train": 560000},
-    "dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to": {
-        "test": 70000,
-        "train": 560000,
-    },
-    "dbpedia_14_given_list_what_category_does_the_paragraph_belong_to": {
-        "test": 70000,
-        "train": 560000,
-    },
-    "dbpedia_14_pick_one_category_for_the_following_text": {
-        "test": 70000,
-        "train": 560000,
-    },
+    "dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to": {"test": 70000, "train": 560000},
+    "dbpedia_14_given_list_what_category_does_the_paragraph_belong_to": {"test": 70000, "train": 560000},
+    "dbpedia_14_pick_one_category_for_the_following_text": {"test": 70000, "train": 560000},
     "dream_answer_to_dialogue": {"validation": 2040, "test": 2041, "train": 6116},
     "dream_baseline": {"validation": 2040, "test": 2041, "train": 6116},
     "dream_generate_first_utterance": {"validation": 2040, "test": 2041, "train": 6116},
     "dream_generate_last_utterance": {"validation": 2040, "test": 2041, "train": 6116},
-    "dream_read_the_following_conversation_and_answer_the_question": {
-        "validation": 2040,
-        "test": 2041,
-        "train": 6116,
-    },
-    "duorc_ParaphraseRC_answer_question": {
-        "validation": 15591,
-        "test": 15857,
-        "train": 69524,
-    },
-    "duorc_ParaphraseRC_build_story_around_qa": {
-        "validation": 13111,
-        "test": 13449,
-        "train": 58752,
-    },
-    "duorc_ParaphraseRC_decide_worth_it": {
-        "validation": 15591,
-        "test": 15857,
-        "train": 69524,
-    },
-    "duorc_ParaphraseRC_extract_answer": {
-        "validation": 15591,
-        "test": 15857,
-        "train": 69524,
-    },
-    "duorc_ParaphraseRC_generate_question": {
-        "validation": 15591,
-        "test": 15857,
-        "train": 69524,
-    },
-    "duorc_ParaphraseRC_generate_question_by_answer": {
-        "validation": 13111,
-        "test": 13449,
-        "train": 58752,
-    },
-    "duorc_ParaphraseRC_movie_director": {
-        "validation": 15591,
-        "test": 15857,
-        "train": 69524,
-    },
-    "duorc_ParaphraseRC_question_answering": {
-        "validation": 15591,
-        "test": 15857,
-        "train": 69524,
-    },
-    "duorc_ParaphraseRC_title_generation": {
-        "validation": 15591,
-        "test": 15857,
-        "train": 69524,
-    },
-    "duorc_SelfRC_answer_question": {
-        "validation": 12961,
-        "test": 12559,
-        "train": 60721,
-    },
-    "duorc_SelfRC_build_story_around_qa": {
-        "validation": 12845,
-        "test": 12415,
-        "train": 60094,
-    },
-    "duorc_SelfRC_decide_worth_it": {
-        "validation": 12961,
-        "test": 12559,
-        "train": 60721,
-    },
+    "dream_read_the_following_conversation_and_answer_the_question": {"validation": 2040, "test": 2041, "train": 6116},
+    "duorc_ParaphraseRC_answer_question": {"validation": 15591, "test": 15857, "train": 69524},
+    "duorc_ParaphraseRC_build_story_around_qa": {"validation": 13111, "test": 13449, "train": 58752},
+    "duorc_ParaphraseRC_decide_worth_it": {"validation": 15591, "test": 15857, "train": 69524},
+    "duorc_ParaphraseRC_extract_answer": {"validation": 15591, "test": 15857, "train": 69524},
+    "duorc_ParaphraseRC_generate_question": {"validation": 15591, "test": 15857, "train": 69524},
+    "duorc_ParaphraseRC_generate_question_by_answer": {"validation": 13111, "test": 13449, "train": 58752},
+    "duorc_ParaphraseRC_movie_director": {"validation": 15591, "test": 15857, "train": 69524},
+    "duorc_ParaphraseRC_question_answering": {"validation": 15591, "test": 15857, "train": 69524},
+    "duorc_ParaphraseRC_title_generation": {"validation": 15591, "test": 15857, "train": 69524},
+    "duorc_SelfRC_answer_question": {"validation": 12961, "test": 12559, "train": 60721},
+    "duorc_SelfRC_build_story_around_qa": {"validation": 12845, "test": 12415, "train": 60094},
+    "duorc_SelfRC_decide_worth_it": {"validation": 12961, "test": 12559, "train": 60721},
     "duorc_SelfRC_extract_answer": {"validation": 12961, "test": 12559, "train": 60721},
-    "duorc_SelfRC_generate_question": {
-        "validation": 12961,
-        "test": 12559,
-        "train": 60721,
-    },
-    "duorc_SelfRC_generate_question_by_answer": {
-        "validation": 12845,
-        "test": 12415,
-        "train": 60094,
-    },
+    "duorc_SelfRC_generate_question": {"validation": 12961, "test": 12559, "train": 60721},
+    "duorc_SelfRC_generate_question_by_answer": {"validation": 12845, "test": 12415, "train": 60094},
     "duorc_SelfRC_movie_director": {"validation": 12961, "test": 12559, "train": 60721},
-    "duorc_SelfRC_question_answering": {
-        "validation": 12961,
-        "test": 12559,
-        "train": 60721,
-    },
-    "duorc_SelfRC_title_generation": {
-        "validation": 12961,
-        "test": 12559,
-        "train": 60721,
-    },
+    "duorc_SelfRC_question_answering": {"validation": 12961, "test": 12559, "train": 60721},
+    "duorc_SelfRC_title_generation": {"validation": 12961, "test": 12559, "train": 60721},
     "gigaword_TLDR": {"validation": 189651, "test": 1951, "train": 3803957},
-    "gigaword_first_sentence_title": {
-        "validation": 189651,
-        "test": 1951,
-        "train": 3803957,
-    },
-    "gigaword_generate_summary_for_this": {
-        "validation": 189651,
-        "test": 1951,
-        "train": 3803957,
-    },
+    "gigaword_first_sentence_title": {"validation": 189651, "test": 1951, "train": 3803957},
+    "gigaword_generate_summary_for_this": {"validation": 189651, "test": 1951, "train": 3803957},
     "gigaword_in_a_nutshell": {"validation": 189651, "test": 1951, "train": 3803957},
     "gigaword_make_a_title": {"validation": 189651, "test": 1951, "train": 3803957},
     "gigaword_reverse_writing": {"validation": 189651, "test": 1951, "train": 3803957},
-    "gigaword_write_a_title_for_this_sentence": {
-        "validation": 189651,
-        "test": 1951,
-        "train": 3803957,
-    },
+    "gigaword_write_a_title_for_this_sentence": {"validation": 189651, "test": 1951, "train": 3803957},
     "gigaword_write_an_article": {"validation": 189651, "test": 1951, "train": 3803957},
-    "gigaword_write_its_sentence": {
-        "validation": 189651,
-        "test": 1951,
-        "train": 3803957,
-    },
+    "gigaword_write_its_sentence": {"validation": 189651, "test": 1951, "train": 3803957},
     "glue_mrpc_equivalent": {"validation": 408, "test": 1725, "train": 3668},
     "glue_mrpc_generate_paraphrase": {"validation": 279, "test": 1147, "train": 2474},
     "glue_mrpc_generate_sentence": {"validation": 279, "test": 1147, "train": 2474},
@@ -756,261 +229,73 @@ DATA_SPLITS_SIZES = {
     "glue_qqp_meaning": {"validation": 40430, "test": 390965, "train": 363846},
     "glue_qqp_quora": {"validation": 40430, "test": 390965, "train": 363846},
     "glue_qqp_same_thing": {"validation": 40430, "test": 390965, "train": 363846},
-    "hellaswag_Appropriate_continuation_Yes_or_No": {
-        "validation": 10042,
-        "test": 10003,
-        "train": 39905,
-    },
-    "hellaswag_Open_ended_completion": {
-        "validation": 10042,
-        "test": 10003,
-        "train": 39905,
-    },
+    "hellaswag_Appropriate_continuation_Yes_or_No": {"validation": 10042, "test": 10003, "train": 39905},
+    "hellaswag_Open_ended_completion": {"validation": 10042, "test": 10003, "train": 39905},
     "hellaswag_Open_ended_start": {"validation": 10042, "test": 10003, "train": 39905},
-    "hellaswag_Predict_ending_with_hint": {
-        "validation": 10042,
-        "test": 10003,
-        "train": 39905,
-    },
-    "hellaswag_Predict_ending_with_hint_score_eval": {
-        "validation": 40168,
-        "test": 40012,
-        "train": 159620,
-    },
-    "hellaswag_Randomized_prompts_template": {
-        "validation": 10042,
-        "test": 10003,
-        "train": 39905,
-    },
-    "hellaswag_Randomized_prompts_template_score_eval": {
-        "validation": 40168,
-        "test": 40012,
-        "train": 159620,
-    },
-    "hellaswag_Reversed_appropriate_continuation_Yes_or_No": {
-        "validation": 10042,
-        "test": 10003,
-        "train": 39905,
-    },
-    "hellaswag_Topic_of_the_context": {
-        "validation": 10042,
-        "test": 10003,
-        "train": 39905,
-    },
-    "hellaswag_Topic_without_the_ending_answer": {
-        "validation": 10042,
-        "test": 10003,
-        "train": 39905,
-    },
-    "hellaswag_complete_first_then": {
-        "validation": 10042,
-        "test": 10003,
-        "train": 39905,
-    },
-    "hellaswag_complete_first_then_score_eval": {
-        "validation": 40168,
-        "test": 40012,
-        "train": 159620,
-    },
+    "hellaswag_Predict_ending_with_hint": {"validation": 10042, "test": 10003, "train": 39905},
+    "hellaswag_Predict_ending_with_hint_score_eval": {"validation": 40168, "test": 40012, "train": 159620},
+    "hellaswag_Randomized_prompts_template": {"validation": 10042, "test": 10003, "train": 39905},
+    "hellaswag_Randomized_prompts_template_score_eval": {"validation": 40168, "test": 40012, "train": 159620},
+    "hellaswag_Reversed_appropriate_continuation_Yes_or_No": {"validation": 10042, "test": 10003, "train": 39905},
+    "hellaswag_Topic_of_the_context": {"validation": 10042, "test": 10003, "train": 39905},
+    "hellaswag_Topic_without_the_ending_answer": {"validation": 10042, "test": 10003, "train": 39905},
+    "hellaswag_complete_first_then": {"validation": 10042, "test": 10003, "train": 39905},
+    "hellaswag_complete_first_then_score_eval": {"validation": 40168, "test": 40012, "train": 159620},
     "hellaswag_how_ends": {"validation": 10042, "test": 10003, "train": 39905},
-    "hellaswag_if_begins_how_continues": {
-        "validation": 10042,
-        "test": 10003,
-        "train": 39905,
-    },
-    "hellaswag_if_begins_how_continues_score_eval": {
-        "validation": 40168,
-        "test": 40012,
-        "train": 159620,
-    },
-    "imdb_Movie_Expressed_Sentiment": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
-    "imdb_Movie_Expressed_Sentiment_2": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
-    "imdb_Negation_template_for_positive_and_negative": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
+    "hellaswag_if_begins_how_continues": {"validation": 10042, "test": 10003, "train": 39905},
+    "hellaswag_if_begins_how_continues_score_eval": {"validation": 40168, "test": 40012, "train": 159620},
+    "imdb_Movie_Expressed_Sentiment": {"test": 25000, "unsupervised": 50000, "train": 25000},
+    "imdb_Movie_Expressed_Sentiment_2": {"test": 25000, "unsupervised": 50000, "train": 25000},
+    "imdb_Negation_template_for_positive_and_negative": {"test": 25000, "unsupervised": 50000, "train": 25000},
     "imdb_Reviewer_Enjoyment": {"test": 25000, "unsupervised": 50000, "train": 25000},
-    "imdb_Reviewer_Enjoyment_Yes_No": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
-    "imdb_Reviewer_Expressed_Sentiment": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
-    "imdb_Reviewer_Opinion_bad_good_choices": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
-    "imdb_Reviewer_Sentiment_Feeling": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
-    "imdb_Sentiment_with_choices_": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
-    "imdb_Text_Expressed_Sentiment": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
-    "imdb_Writer_Expressed_Sentiment": {
-        "test": 25000,
-        "unsupervised": 50000,
-        "train": 25000,
-    },
+    "imdb_Reviewer_Enjoyment_Yes_No": {"test": 25000, "unsupervised": 50000, "train": 25000},
+    "imdb_Reviewer_Expressed_Sentiment": {"test": 25000, "unsupervised": 50000, "train": 25000},
+    "imdb_Reviewer_Opinion_bad_good_choices": {"test": 25000, "unsupervised": 50000, "train": 25000},
+    "imdb_Reviewer_Sentiment_Feeling": {"test": 25000, "unsupervised": 50000, "train": 25000},
+    "imdb_Sentiment_with_choices_": {"test": 25000, "unsupervised": 50000, "train": 25000},
+    "imdb_Text_Expressed_Sentiment": {"test": 25000, "unsupervised": 50000, "train": 25000},
+    "imdb_Writer_Expressed_Sentiment": {"test": 25000, "unsupervised": 50000, "train": 25000},
     "kilt_tasks_hotpotqa_combining_facts": {"validation": 5600, "train": 88869},
     "kilt_tasks_hotpotqa_complex_question": {"validation": 5600, "train": 88869},
     "kilt_tasks_hotpotqa_final_exam": {"validation": 5600, "train": 88869},
     "kilt_tasks_hotpotqa_formulate": {"validation": 5600, "train": 88869},
     "kilt_tasks_hotpotqa_straighforward_qa": {"validation": 5600, "train": 88869},
     "multi_news_distill": {"validation": 5622, "test": 5622, "train": 44972},
-    "multi_news_expand_reverse_task_": {
-        "validation": 5622,
-        "test": 5622,
-        "train": 44972,
-    },
+    "multi_news_expand_reverse_task_": {"validation": 5622, "test": 5622, "train": 44972},
     "multi_news_summarize": {"validation": 5622, "test": 5622, "train": 44972},
     "multi_news_summary_scenario": {"validation": 5622, "test": 5622, "train": 44972},
     "multi_news_synthesize": {"validation": 5622, "test": 5622, "train": 44972},
-    "multi_news_what_are_the_key_points": {
-        "validation": 5622,
-        "test": 5622,
-        "train": 44972,
-    },
+    "multi_news_what_are_the_key_points": {"validation": 5622, "test": 5622, "train": 44972},
     "openbookqa_main_choices": {"validation": 500, "test": 500, "train": 4957},
-    "openbookqa_main_choose_an_answer_with_options": {
-        "validation": 500,
-        "test": 500,
-        "train": 4957,
-    },
+    "openbookqa_main_choose_an_answer_with_options": {"validation": 500, "test": 500, "train": 4957},
     "openbookqa_main_only_options": {"validation": 500, "test": 500, "train": 4957},
-    "openbookqa_main_pick_answer_with_options": {
-        "validation": 500,
-        "test": 500,
-        "train": 4957,
-    },
+    "openbookqa_main_pick_answer_with_options": {"validation": 500, "test": 500, "train": 4957},
     "openbookqa_main_pick_using_id": {"validation": 500, "test": 500, "train": 4957},
     "openbookqa_main_which_correct": {"validation": 500, "test": 500, "train": 4957},
-    "openbookqa_main_which_correct_inverse": {
-        "validation": 500,
-        "test": 500,
-        "train": 4957,
-    },
-    "paws_labeled_final_Concatenation": {
-        "validation": 8000,
-        "test": 8000,
-        "train": 49401,
-    },
-    "paws_labeled_final_Concatenation_no_label": {
-        "validation": 8000,
-        "test": 8000,
-        "train": 49401,
-    },
+    "openbookqa_main_which_correct_inverse": {"validation": 500, "test": 500, "train": 4957},
+    "paws_labeled_final_Concatenation": {"validation": 8000, "test": 8000, "train": 49401},
+    "paws_labeled_final_Concatenation_no_label": {"validation": 8000, "test": 8000, "train": 49401},
     "paws_labeled_final_Meaning": {"validation": 8000, "test": 8000, "train": 49401},
-    "paws_labeled_final_Meaning_no_label": {
-        "validation": 8000,
-        "test": 8000,
-        "train": 49401,
-    },
-    "paws_labeled_final_PAWS_ANLI_GPT3": {
-        "validation": 8000,
-        "test": 8000,
-        "train": 49401,
-    },
-    "paws_labeled_final_PAWS_ANLI_GPT3_no_label": {
-        "validation": 8000,
-        "test": 8000,
-        "train": 49401,
-    },
+    "paws_labeled_final_Meaning_no_label": {"validation": 8000, "test": 8000, "train": 49401},
+    "paws_labeled_final_PAWS_ANLI_GPT3": {"validation": 8000, "test": 8000, "train": 49401},
+    "paws_labeled_final_PAWS_ANLI_GPT3_no_label": {"validation": 8000, "test": 8000, "train": 49401},
     "paws_labeled_final_Rewrite": {"validation": 8000, "test": 8000, "train": 49401},
-    "paws_labeled_final_Rewrite_no_label": {
-        "validation": 8000,
-        "test": 8000,
-        "train": 49401,
-    },
-    "paws_labeled_final_context_question": {
-        "validation": 8000,
-        "test": 8000,
-        "train": 49401,
-    },
-    "paws_labeled_final_context_question_no_label": {
-        "validation": 8000,
-        "test": 8000,
-        "train": 49401,
-    },
-    "paws_labeled_final_paraphrase_task": {
-        "validation": 3539,
-        "test": 3536,
-        "train": 21829,
-    },
-    "paws_labeled_final_task_description_no_label": {
-        "validation": 8000,
-        "test": 8000,
-        "train": 49401,
-    },
+    "paws_labeled_final_Rewrite_no_label": {"validation": 8000, "test": 8000, "train": 49401},
+    "paws_labeled_final_context_question": {"validation": 8000, "test": 8000, "train": 49401},
+    "paws_labeled_final_context_question_no_label": {"validation": 8000, "test": 8000, "train": 49401},
+    "paws_labeled_final_paraphrase_task": {"validation": 3539, "test": 3536, "train": 21829},
+    "paws_labeled_final_task_description_no_label": {"validation": 8000, "test": 8000, "train": 49401},
     "piqa_Correct_the_solution": {"validation": 1838, "test": 3084, "train": 16113},
-    "piqa_Correct_the_solution_if_false_from_sol_1": {
-        "validation": 1838,
-        "test": 3084,
-        "train": 16113,
-    },
-    "piqa_Correct_the_solution_if_false_from_sol_2": {
-        "validation": 1838,
-        "test": 3084,
-        "train": 16113,
-    },
-    "piqa_Does_this_solution_make_sense_sol1": {
-        "validation": 1838,
-        "test": 3084,
-        "train": 16113,
-    },
-    "piqa_Does_this_solution_make_sense_sol2": {
-        "validation": 1838,
-        "test": 3084,
-        "train": 16113,
-    },
-    "piqa_choose_the_most_appropriate_solution": {
-        "validation": 1838,
-        "test": 3084,
-        "train": 16113,
-    },
-    "piqa_finish_sentence_with_correct_choice": {
-        "validation": 1838,
-        "test": 3084,
-        "train": 16113,
-    },
+    "piqa_Correct_the_solution_if_false_from_sol_1": {"validation": 1838, "test": 3084, "train": 16113},
+    "piqa_Correct_the_solution_if_false_from_sol_2": {"validation": 1838, "test": 3084, "train": 16113},
+    "piqa_Does_this_solution_make_sense_sol1": {"validation": 1838, "test": 3084, "train": 16113},
+    "piqa_Does_this_solution_make_sense_sol2": {"validation": 1838, "test": 3084, "train": 16113},
+    "piqa_choose_the_most_appropriate_solution": {"validation": 1838, "test": 3084, "train": 16113},
+    "piqa_finish_sentence_with_correct_choice": {"validation": 1838, "test": 3084, "train": 16113},
     "piqa_no_prompt_needed": {"validation": 1838, "test": 3084, "train": 16113},
-    "piqa_pick_correct_choice_index": {
-        "validation": 1838,
-        "test": 3084,
-        "train": 16113,
-    },
-    "piqa_pick_correct_choice_with_choice_given_before_goal": {
-        "validation": 1838,
-        "test": 3084,
-        "train": 16113,
-    },
-    "piqa_what_is_the_correct_ending": {
-        "validation": 1838,
-        "test": 3084,
-        "train": 16113,
-    },
+    "piqa_pick_correct_choice_index": {"validation": 1838, "test": 3084, "train": 16113},
+    "piqa_pick_correct_choice_with_choice_given_before_goal": {"validation": 1838, "test": 3084, "train": 16113},
+    "piqa_what_is_the_correct_ending": {"validation": 1838, "test": 3084, "train": 16113},
     "qasc_is_correct_1": {"validation": 926, "test": 920, "train": 8134},
     "qasc_is_correct_2": {"validation": 926, "test": 920, "train": 8134},
     "qasc_qa_with_combined_facts_1": {"validation": 926, "test": 920, "train": 8134},
@@ -1019,61 +304,17 @@ DATA_SPLITS_SIZES = {
     "qasc_qa_with_separated_facts_3": {"validation": 926, "test": 920, "train": 8134},
     "qasc_qa_with_separated_facts_4": {"validation": 926, "test": 920, "train": 8134},
     "qasc_qa_with_separated_facts_5": {"validation": 926, "test": 920, "train": 8134},
-    "quail_context_description_question_answer_id": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_context_description_question_answer_text": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_context_description_question_text": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_context_question_answer_description_id": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_context_question_answer_description_text": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_context_question_description_answer_id": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_context_question_description_answer_text": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_context_question_description_text": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_description_context_question_answer_id": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_description_context_question_answer_text": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
-    "quail_description_context_question_text": {
-        "challenge": 556,
-        "validation": 2164,
-        "train": 10246,
-    },
+    "quail_context_description_question_answer_id": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_context_description_question_answer_text": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_context_description_question_text": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_context_question_answer_description_id": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_context_question_answer_description_text": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_context_question_description_answer_id": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_context_question_description_answer_text": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_context_question_description_text": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_description_context_question_answer_id": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_description_context_question_answer_text": {"challenge": 556, "validation": 2164, "train": 10246},
+    "quail_description_context_question_text": {"challenge": 556, "validation": 2164, "train": 10246},
     "quail_no_prompt_id": {"challenge": 556, "validation": 2164, "train": 10246},
     "quail_no_prompt_text": {"challenge": 556, "validation": 2164, "train": 10246},
     "quarel_choose_between": {"validation": 278, "test": 552, "train": 1941},
@@ -1083,28 +324,12 @@ DATA_SPLITS_SIZES = {
     "quarel_testing_students": {"validation": 278, "test": 552, "train": 1941},
     "quartz_answer_question_based_on": {"validation": 384, "test": 784, "train": 2696},
     "quartz_answer_question_below": {"validation": 384, "test": 784, "train": 2696},
-    "quartz_given_the_fact_answer_the_q": {
-        "validation": 384,
-        "test": 784,
-        "train": 2696,
-    },
+    "quartz_given_the_fact_answer_the_q": {"validation": 384, "test": 784, "train": 2696},
     "quartz_having_read_above_passage": {"validation": 384, "test": 784, "train": 2696},
-    "quartz_paragraph_question_plain_concat": {
-        "validation": 384,
-        "test": 784,
-        "train": 2696,
-    },
+    "quartz_paragraph_question_plain_concat": {"validation": 384, "test": 784, "train": 2696},
     "quartz_read_passage_below_choose": {"validation": 384, "test": 784, "train": 2696},
-    "quartz_use_info_from_paragraph_question": {
-        "validation": 384,
-        "test": 784,
-        "train": 2696,
-    },
-    "quartz_use_info_from_question_paragraph": {
-        "validation": 384,
-        "test": 784,
-        "train": 2696,
-    },
+    "quartz_use_info_from_paragraph_question": {"validation": 384, "test": 784, "train": 2696},
+    "quartz_use_info_from_question_paragraph": {"validation": 384, "test": 784, "train": 2696},
     "quoref_Answer_Friend_Question": {"validation": 2418, "train": 19399},
     "quoref_Answer_Question_Given_Context": {"validation": 2418, "train": 19399},
     "quoref_Answer_Test": {"validation": 2418, "train": 19399},
@@ -1116,78 +341,22 @@ DATA_SPLITS_SIZES = {
     "quoref_Guess_Title_For_Context": {"validation": 2418, "train": 19399},
     "quoref_Read_And_Extract_": {"validation": 2418, "train": 19399},
     "quoref_What_Is_The_Answer": {"validation": 2418, "train": 19399},
-    "race_high_Is_this_the_right_answer": {
-        "validation": 3451,
-        "test": 3498,
-        "train": 62445,
-    },
-    "race_high_Read_the_article_and_answer_the_question_no_option_": {
-        "validation": 3451,
-        "test": 3498,
-        "train": 62445,
-    },
-    "race_high_Select_the_best_answer": {
-        "validation": 3451,
-        "test": 3498,
-        "train": 62445,
-    },
-    "race_high_Select_the_best_answer_generate_span_": {
-        "validation": 3451,
-        "test": 3498,
-        "train": 62445,
-    },
-    "race_high_Select_the_best_answer_no_instructions_": {
-        "validation": 3451,
-        "test": 3498,
-        "train": 62445,
-    },
+    "race_high_Is_this_the_right_answer": {"validation": 3451, "test": 3498, "train": 62445},
+    "race_high_Read_the_article_and_answer_the_question_no_option_": {"validation": 3451, "test": 3498, "train": 62445},
+    "race_high_Select_the_best_answer": {"validation": 3451, "test": 3498, "train": 62445},
+    "race_high_Select_the_best_answer_generate_span_": {"validation": 3451, "test": 3498, "train": 62445},
+    "race_high_Select_the_best_answer_no_instructions_": {"validation": 3451, "test": 3498, "train": 62445},
     "race_high_Taking_a_test": {"validation": 3451, "test": 3498, "train": 62445},
-    "race_high_Write_a_multi_choice_question_for_the_following_article": {
-        "validation": 3451,
-        "test": 3498,
-        "train": 62445,
-    },
-    "race_high_Write_a_multi_choice_question_options_given_": {
-        "validation": 3451,
-        "test": 3498,
-        "train": 62445,
-    },
-    "race_middle_Is_this_the_right_answer": {
-        "validation": 1436,
-        "test": 1436,
-        "train": 25421,
-    },
-    "race_middle_Read_the_article_and_answer_the_question_no_option_": {
-        "validation": 1436,
-        "test": 1436,
-        "train": 25421,
-    },
-    "race_middle_Select_the_best_answer": {
-        "validation": 1436,
-        "test": 1436,
-        "train": 25421,
-    },
-    "race_middle_Select_the_best_answer_generate_span_": {
-        "validation": 1436,
-        "test": 1436,
-        "train": 25421,
-    },
-    "race_middle_Select_the_best_answer_no_instructions_": {
-        "validation": 1436,
-        "test": 1436,
-        "train": 25421,
-    },
+    "race_high_Write_a_multi_choice_question_for_the_following_article": {"validation": 3451, "test": 3498, "train": 62445},
+    "race_high_Write_a_multi_choice_question_options_given_": {"validation": 3451, "test": 3498, "train": 62445},
+    "race_middle_Is_this_the_right_answer": {"validation": 1436, "test": 1436, "train": 25421},
+    "race_middle_Read_the_article_and_answer_the_question_no_option_": {"validation": 1436, "test": 1436, "train": 25421},
+    "race_middle_Select_the_best_answer": {"validation": 1436, "test": 1436, "train": 25421},
+    "race_middle_Select_the_best_answer_generate_span_": {"validation": 1436, "test": 1436, "train": 25421},
+    "race_middle_Select_the_best_answer_no_instructions_": {"validation": 1436, "test": 1436, "train": 25421},
     "race_middle_Taking_a_test": {"validation": 1436, "test": 1436, "train": 25421},
-    "race_middle_Write_a_multi_choice_question_for_the_following_article": {
-        "validation": 1436,
-        "test": 1436,
-        "train": 25421,
-    },
-    "race_middle_Write_a_multi_choice_question_options_given_": {
-        "validation": 1436,
-        "test": 1436,
-        "train": 25421,
-    },
+    "race_middle_Write_a_multi_choice_question_for_the_following_article": {"validation": 1436, "test": 1436, "train": 25421},
+    "race_middle_Write_a_multi_choice_question_options_given_": {"validation": 1436, "test": 1436, "train": 25421},
     "ropes_background_new_situation_answer": {"validation": 1688, "train": 10924},
     "ropes_background_situation_middle": {"validation": 1688, "train": 10924},
     "ropes_given_background_situation": {"validation": 1688, "train": 10924},
@@ -1200,747 +369,200 @@ DATA_SPLITS_SIZES = {
     "ropes_prompt_bottom_no_hint": {"validation": 1688, "train": 10924},
     "ropes_prompt_mix": {"validation": 1688, "train": 10924},
     "ropes_read_background_situation": {"validation": 1688, "train": 10924},
-    "rotten_tomatoes_Movie_Expressed_Sentiment": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "rotten_tomatoes_Movie_Expressed_Sentiment_2": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "rotten_tomatoes_Reviewer_Enjoyment": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "rotten_tomatoes_Reviewer_Enjoyment_Yes_No": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "rotten_tomatoes_Reviewer_Expressed_Sentiment": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "rotten_tomatoes_Reviewer_Opinion_bad_good_choices": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "rotten_tomatoes_Reviewer_Sentiment_Feeling": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "rotten_tomatoes_Sentiment_with_choices_": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "rotten_tomatoes_Text_Expressed_Sentiment": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "rotten_tomatoes_Writer_Expressed_Sentiment": {
-        "validation": 1066,
-        "test": 1066,
-        "train": 8530,
-    },
-    "samsum_Generate_a_summary_for_this_dialogue": {
-        "validation": 818,
-        "test": 819,
-        "train": 14732,
-    },
-    "samsum_Given_the_above_dialogue_write_a_summary": {
-        "validation": 818,
-        "test": 819,
-        "train": 14732,
-    },
-    "samsum_Sum_up_the_following_dialogue": {
-        "validation": 818,
-        "test": 819,
-        "train": 14732,
-    },
+    "rotten_tomatoes_Movie_Expressed_Sentiment": {"validation": 1066, "test": 1066, "train": 8530},
+    "rotten_tomatoes_Movie_Expressed_Sentiment_2": {"validation": 1066, "test": 1066, "train": 8530},
+    "rotten_tomatoes_Reviewer_Enjoyment": {"validation": 1066, "test": 1066, "train": 8530},
+    "rotten_tomatoes_Reviewer_Enjoyment_Yes_No": {"validation": 1066, "test": 1066, "train": 8530},
+    "rotten_tomatoes_Reviewer_Expressed_Sentiment": {"validation": 1066, "test": 1066, "train": 8530},
+    "rotten_tomatoes_Reviewer_Opinion_bad_good_choices": {"validation": 1066, "test": 1066, "train": 8530},
+    "rotten_tomatoes_Reviewer_Sentiment_Feeling": {"validation": 1066, "test": 1066, "train": 8530},
+    "rotten_tomatoes_Sentiment_with_choices_": {"validation": 1066, "test": 1066, "train": 8530},
+    "rotten_tomatoes_Text_Expressed_Sentiment": {"validation": 1066, "test": 1066, "train": 8530},
+    "rotten_tomatoes_Writer_Expressed_Sentiment": {"validation": 1066, "test": 1066, "train": 8530},
+    "samsum_Generate_a_summary_for_this_dialogue": {"validation": 818, "test": 819, "train": 14732},
+    "samsum_Given_the_above_dialogue_write_a_summary": {"validation": 818, "test": 819, "train": 14732},
+    "samsum_Sum_up_the_following_dialogue": {"validation": 818, "test": 819, "train": 14732},
     "samsum_Summarize_": {"validation": 818, "test": 819, "train": 14732},
     "samsum_Summarize_this_dialogue_": {"validation": 818, "test": 819, "train": 14732},
     "samsum_To_sum_up_this_dialog": {"validation": 818, "test": 819, "train": 14732},
-    "samsum_Write_a_dialogue_that_match_this_summary": {
-        "validation": 818,
-        "test": 819,
-        "train": 14732,
-    },
+    "samsum_Write_a_dialogue_that_match_this_summary": {"validation": 818, "test": 819, "train": 14732},
     "sciq_Direct_Question": {"validation": 1000, "test": 1000, "train": 11679},
-    "sciq_Direct_Question_Closed_Book_": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 11679,
-    },
+    "sciq_Direct_Question_Closed_Book_": {"validation": 1000, "test": 1000, "train": 11679},
     "sciq_Multiple_Choice": {"validation": 1000, "test": 1000, "train": 11679},
-    "sciq_Multiple_Choice_Closed_Book_": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 11679,
-    },
-    "sciq_Multiple_Choice_Question_First": {
-        "validation": 1000,
-        "test": 1000,
-        "train": 11679,
-    },
-    "social_i_qa_Check_if_a_random_answer_is_valid_or_not": {
-        "validation": 1954,
-        "train": 33410,
-    },
+    "sciq_Multiple_Choice_Closed_Book_": {"validation": 1000, "test": 1000, "train": 11679},
+    "sciq_Multiple_Choice_Question_First": {"validation": 1000, "test": 1000, "train": 11679},
+    "social_i_qa_Check_if_a_random_answer_is_valid_or_not": {"validation": 1954, "train": 33410},
     "social_i_qa_Generate_answer": {"validation": 1954, "train": 33410},
-    "social_i_qa_Generate_the_question_from_the_answer": {
-        "validation": 1954,
-        "train": 33410,
-    },
+    "social_i_qa_Generate_the_question_from_the_answer": {"validation": 1954, "train": 33410},
     "social_i_qa_I_was_wondering": {"validation": 1954, "train": 33410},
-    "social_i_qa_Show_choices_and_generate_answer": {
-        "validation": 1954,
-        "train": 33410,
-    },
+    "social_i_qa_Show_choices_and_generate_answer": {"validation": 1954, "train": 33410},
     "social_i_qa_Show_choices_and_generate_index": {"validation": 1954, "train": 33410},
     "squad_v2_Jeopardy_with_Context": {"validation": 5928, "train": 86821},
     "squad_v2_Jeopardy_without_Context": {"validation": 5928, "train": 86821},
     "squad_v2_Questions_with_Context": {"validation": 11873, "train": 130319},
-    "squad_v2_Questions_with_Context_Without_Prompt_Keywords": {
-        "validation": 11873,
-        "train": 130319,
-    },
-    "squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable": {
-        "validation": 11873,
-        "train": 130319,
-    },
-    "squad_v2_Questions_with_Context_unanswerable": {
-        "validation": 11873,
-        "train": 130319,
-    },
+    "squad_v2_Questions_with_Context_Without_Prompt_Keywords": {"validation": 11873, "train": 130319},
+    "squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable": {"validation": 11873, "train": 130319},
+    "squad_v2_Questions_with_Context_unanswerable": {"validation": 11873, "train": 130319},
     "squad_v2_Topic_Prediction_Context": {"validation": 11873, "train": 130319},
-    "squad_v2_Topic_Prediction_Context_with_randomized_prompt_options": {
-        "validation": 11873,
-        "train": 130319,
-    },
-    "squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end": {
-        "validation": 11873,
-        "train": 130319,
-    },
-    "squad_v2_Topic_Prediction_Question_and_Answer_Pair": {
-        "validation": 5928,
-        "train": 86821,
-    },
+    "squad_v2_Topic_Prediction_Context_with_randomized_prompt_options": {"validation": 11873, "train": 130319},
+    "squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end": {"validation": 11873, "train": 130319},
+    "squad_v2_Topic_Prediction_Question_and_Answer_Pair": {"validation": 5928, "train": 86821},
     "squad_v2_Trivia": {"validation": 5928, "train": 86821},
     "squad_v2_Unanwerable_question": {"validation": 11873, "train": 130319},
     "super_glue_boolq_GPT_3_Style": {"validation": 3270, "test": 3245, "train": 9427},
     "super_glue_boolq_I_wonder_": {"validation": 3270, "test": 3245, "train": 9427},
     "super_glue_boolq_after_reading": {"validation": 3270, "test": 3245, "train": 9427},
-    "super_glue_boolq_based_on_the_following_passage": {
-        "validation": 3270,
-        "test": 3245,
-        "train": 9427,
-    },
-    "super_glue_boolq_based_on_the_previous_passage": {
-        "validation": 3270,
-        "test": 3245,
-        "train": 9427,
-    },
-    "super_glue_boolq_could_you_tell_me_": {
-        "validation": 3270,
-        "test": 3245,
-        "train": 9427,
-    },
+    "super_glue_boolq_based_on_the_following_passage": {"validation": 3270, "test": 3245, "train": 9427},
+    "super_glue_boolq_based_on_the_previous_passage": {"validation": 3270, "test": 3245, "train": 9427},
+    "super_glue_boolq_could_you_tell_me_": {"validation": 3270, "test": 3245, "train": 9427},
     "super_glue_boolq_exam": {"validation": 3270, "test": 3245, "train": 9427},
     "super_glue_boolq_exercise": {"validation": 3270, "test": 3245, "train": 9427},
     "super_glue_boolq_valid_binary": {"validation": 3270, "test": 3245, "train": 9427},
-    "super_glue_boolq_yes_no_question": {
-        "validation": 3270,
-        "test": 3245,
-        "train": 9427,
-    },
+    "super_glue_boolq_yes_no_question": {"validation": 3270, "test": 3245, "train": 9427},
     "super_glue_cb_GPT_3_style": {"validation": 56, "test": 250, "train": 250},
-    "super_glue_cb_GPT_3_style_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
+    "super_glue_cb_GPT_3_style_score_eval": {"validation": 168, "test": 750, "train": 750},
     "super_glue_cb_MNLI_crowdsource": {"validation": 56, "test": 250, "train": 250},
-    "super_glue_cb_MNLI_crowdsource_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
-    "super_glue_cb_always_sometimes_never": {
-        "validation": 56,
-        "test": 250,
-        "train": 250,
-    },
-    "super_glue_cb_always_sometimes_never_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
-    "super_glue_cb_based_on_the_previous_passage": {
-        "validation": 56,
-        "test": 250,
-        "train": 250,
-    },
-    "super_glue_cb_based_on_the_previous_passage_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
+    "super_glue_cb_MNLI_crowdsource_score_eval": {"validation": 168, "test": 750, "train": 750},
+    "super_glue_cb_always_sometimes_never": {"validation": 56, "test": 250, "train": 250},
+    "super_glue_cb_always_sometimes_never_score_eval": {"validation": 168, "test": 750, "train": 750},
+    "super_glue_cb_based_on_the_previous_passage": {"validation": 56, "test": 250, "train": 250},
+    "super_glue_cb_based_on_the_previous_passage_score_eval": {"validation": 168, "test": 750, "train": 750},
     "super_glue_cb_can_we_infer": {"validation": 56, "test": 250, "train": 250},
-    "super_glue_cb_can_we_infer_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
-    "super_glue_cb_claim_true_false_inconclusive": {
-        "validation": 56,
-        "test": 250,
-        "train": 250,
-    },
-    "super_glue_cb_claim_true_false_inconclusive_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
-    "super_glue_cb_consider_always_sometimes_never": {
-        "validation": 56,
-        "test": 250,
-        "train": 250,
-    },
-    "super_glue_cb_consider_always_sometimes_never_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
+    "super_glue_cb_can_we_infer_score_eval": {"validation": 168, "test": 750, "train": 750},
+    "super_glue_cb_claim_true_false_inconclusive": {"validation": 56, "test": 250, "train": 250},
+    "super_glue_cb_claim_true_false_inconclusive_score_eval": {"validation": 168, "test": 750, "train": 750},
+    "super_glue_cb_consider_always_sometimes_never": {"validation": 56, "test": 250, "train": 250},
+    "super_glue_cb_consider_always_sometimes_never_score_eval": {"validation": 168, "test": 750, "train": 750},
     "super_glue_cb_does_it_follow_that": {"validation": 56, "test": 250, "train": 250},
-    "super_glue_cb_does_it_follow_that_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
+    "super_glue_cb_does_it_follow_that_score_eval": {"validation": 168, "test": 750, "train": 750},
     "super_glue_cb_does_this_imply": {"validation": 56, "test": 250, "train": 250},
-    "super_glue_cb_does_this_imply_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
-    "super_glue_cb_guaranteed_possible_impossible": {
-        "validation": 56,
-        "test": 250,
-        "train": 250,
-    },
-    "super_glue_cb_guaranteed_possible_impossible_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
+    "super_glue_cb_does_this_imply_score_eval": {"validation": 168, "test": 750, "train": 750},
+    "super_glue_cb_guaranteed_possible_impossible": {"validation": 56, "test": 250, "train": 250},
+    "super_glue_cb_guaranteed_possible_impossible_score_eval": {"validation": 168, "test": 750, "train": 750},
     "super_glue_cb_guaranteed_true": {"validation": 56, "test": 250, "train": 250},
-    "super_glue_cb_guaranteed_true_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
+    "super_glue_cb_guaranteed_true_score_eval": {"validation": 168, "test": 750, "train": 750},
     "super_glue_cb_justified_in_saying": {"validation": 56, "test": 250, "train": 250},
-    "super_glue_cb_justified_in_saying_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
+    "super_glue_cb_justified_in_saying_score_eval": {"validation": 168, "test": 750, "train": 750},
     "super_glue_cb_must_be_true": {"validation": 56, "test": 250, "train": 250},
-    "super_glue_cb_must_be_true_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
+    "super_glue_cb_must_be_true_score_eval": {"validation": 168, "test": 750, "train": 750},
     "super_glue_cb_should_assume": {"validation": 56, "test": 250, "train": 250},
-    "super_glue_cb_should_assume_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
-    "super_glue_cb_take_the_following_as_truth": {
-        "validation": 56,
-        "test": 250,
-        "train": 250,
-    },
-    "super_glue_cb_take_the_following_as_truth_score_eval": {
-        "validation": 168,
-        "test": 750,
-        "train": 750,
-    },
-    "super_glue_copa_C1_or_C2_premise_so_because_": {
-        "validation": 100,
-        "test": 500,
-        "train": 400,
-    },
-    "super_glue_copa_C1_or_C2_premise_so_because__score_eval": {
-        "validation": 200,
-        "test": 1000,
-        "train": 800,
-    },
-    "super_glue_copa__As_a_result_C1_or_C2_": {
-        "validation": 48,
-        "test": 250,
-        "train": 202,
-    },
-    "super_glue_copa__As_a_result_C1_or_C2__score_eval": {
-        "validation": 96,
-        "test": 500,
-        "train": 404,
-    },
-    "super_glue_copa__What_could_happen_next_C1_or_C2_": {
-        "validation": 48,
-        "test": 250,
-        "train": 202,
-    },
-    "super_glue_copa__What_could_happen_next_C1_or_C2__score_eval": {
-        "validation": 96,
-        "test": 500,
-        "train": 404,
-    },
-    "super_glue_copa__which_may_be_caused_by": {
-        "validation": 52,
-        "test": 250,
-        "train": 198,
-    },
-    "super_glue_copa__which_may_be_caused_by_score_eval": {
-        "validation": 104,
-        "test": 500,
-        "train": 396,
-    },
+    "super_glue_cb_should_assume_score_eval": {"validation": 168, "test": 750, "train": 750},
+    "super_glue_cb_take_the_following_as_truth": {"validation": 56, "test": 250, "train": 250},
+    "super_glue_cb_take_the_following_as_truth_score_eval": {"validation": 168, "test": 750, "train": 750},
+    "super_glue_copa_C1_or_C2_premise_so_because_": {"validation": 100, "test": 500, "train": 400},
+    "super_glue_copa_C1_or_C2_premise_so_because__score_eval": {"validation": 200, "test": 1000, "train": 800},
+    "super_glue_copa__As_a_result_C1_or_C2_": {"validation": 48, "test": 250, "train": 202},
+    "super_glue_copa__As_a_result_C1_or_C2__score_eval": {"validation": 96, "test": 500, "train": 404},
+    "super_glue_copa__What_could_happen_next_C1_or_C2_": {"validation": 48, "test": 250, "train": 202},
+    "super_glue_copa__What_could_happen_next_C1_or_C2__score_eval": {"validation": 96, "test": 500, "train": 404},
+    "super_glue_copa__which_may_be_caused_by": {"validation": 52, "test": 250, "train": 198},
+    "super_glue_copa__which_may_be_caused_by_score_eval": {"validation": 104, "test": 500, "train": 396},
     "super_glue_copa__why_C1_or_C2": {"validation": 52, "test": 250, "train": 198},
-    "super_glue_copa__why_C1_or_C2_score_eval": {
-        "validation": 104,
-        "test": 500,
-        "train": 396,
-    },
+    "super_glue_copa__why_C1_or_C2_score_eval": {"validation": 104, "test": 500, "train": 396},
     "super_glue_copa_best_option": {"validation": 100, "test": 500, "train": 400},
-    "super_glue_copa_best_option_score_eval": {
-        "validation": 200,
-        "test": 1000,
-        "train": 800,
-    },
+    "super_glue_copa_best_option_score_eval": {"validation": 200, "test": 1000, "train": 800},
     "super_glue_copa_cause_effect": {"validation": 100, "test": 500, "train": 400},
-    "super_glue_copa_cause_effect_score_eval": {
-        "validation": 200,
-        "test": 1000,
-        "train": 800,
-    },
+    "super_glue_copa_cause_effect_score_eval": {"validation": 200, "test": 1000, "train": 800},
     "super_glue_copa_choose": {"validation": 100, "test": 500, "train": 400},
-    "super_glue_copa_choose_score_eval": {
-        "validation": 200,
-        "test": 1000,
-        "train": 800,
-    },
+    "super_glue_copa_choose_score_eval": {"validation": 200, "test": 1000, "train": 800},
     "super_glue_copa_exercise": {"validation": 100, "test": 500, "train": 400},
-    "super_glue_copa_exercise_score_eval": {
-        "validation": 200,
-        "test": 1000,
-        "train": 800,
-    },
+    "super_glue_copa_exercise_score_eval": {"validation": 200, "test": 1000, "train": 800},
     "super_glue_copa_i_am_hesitating": {"validation": 100, "test": 500, "train": 400},
-    "super_glue_copa_i_am_hesitating_score_eval": {
-        "validation": 200,
-        "test": 1000,
-        "train": 800,
-    },
+    "super_glue_copa_i_am_hesitating_score_eval": {"validation": 200, "test": 1000, "train": 800},
     "super_glue_copa_more_likely": {"validation": 100, "test": 500, "train": 400},
-    "super_glue_copa_more_likely_score_eval": {
-        "validation": 200,
-        "test": 1000,
-        "train": 800,
-    },
-    "super_glue_copa_plausible_alternatives": {
-        "validation": 100,
-        "test": 500,
-        "train": 400,
-    },
-    "super_glue_copa_plausible_alternatives_score_eval": {
-        "validation": 200,
-        "test": 1000,
-        "train": 800,
-    },
-    "super_glue_multirc_I_was_going_to_say_": {
-        "validation": 4848,
-        "test": 9693,
-        "train": 27243,
-    },
-    "super_glue_multirc_Would_it_be_good_to_answer_": {
-        "validation": 4848,
-        "test": 9693,
-        "train": 27243,
-    },
+    "super_glue_copa_more_likely_score_eval": {"validation": 200, "test": 1000, "train": 800},
+    "super_glue_copa_plausible_alternatives": {"validation": 100, "test": 500, "train": 400},
+    "super_glue_copa_plausible_alternatives_score_eval": {"validation": 200, "test": 1000, "train": 800},
+    "super_glue_multirc_I_was_going_to_say_": {"validation": 4848, "test": 9693, "train": 27243},
+    "super_glue_multirc_Would_it_be_good_to_answer_": {"validation": 4848, "test": 9693, "train": 27243},
     "super_glue_multirc_confirm": {"validation": 4848, "test": 9693, "train": 27243},
     "super_glue_multirc_correct": {"validation": 4848, "test": 9693, "train": 27243},
-    "super_glue_multirc_decide_valid": {
-        "validation": 4848,
-        "test": 9693,
-        "train": 27243,
-    },
-    "super_glue_multirc_found_this_answer": {
-        "validation": 4848,
-        "test": 9693,
-        "train": 27243,
-    },
+    "super_glue_multirc_decide_valid": {"validation": 4848, "test": 9693, "train": 27243},
+    "super_glue_multirc_found_this_answer": {"validation": 4848, "test": 9693, "train": 27243},
     "super_glue_multirc_grading": {"validation": 4848, "test": 9693, "train": 27243},
-    "super_glue_multirc_is_a_correct_answer_": {
-        "validation": 4848,
-        "test": 9693,
-        "train": 27243,
-    },
-    "super_glue_multirc_is_the_correct_answer_": {
-        "validation": 4848,
-        "test": 9693,
-        "train": 27243,
-    },
-    "super_glue_multirc_paragraph_question_is_it_": {
-        "validation": 4848,
-        "test": 9693,
-        "train": 27243,
-    },
-    "super_glue_record_Add_sentence_after_after_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_Add_sentence_after_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_Can_you_figure_out_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_GPT_3_style_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_GPT_3_style_summary_only_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_GPT_3_style_with_labels_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_GPT_3_style_without_hyphens_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_In_the_question_above_the_placeholder_stands_for": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_New_highlight_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_News_article_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_Summary_first_continuation_choices_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_What_could_the_placeholder_be_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_Which_one_is_the_placeholder_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_choose_between": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_corrupted": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
+    "super_glue_multirc_is_a_correct_answer_": {"validation": 4848, "test": 9693, "train": 27243},
+    "super_glue_multirc_is_the_correct_answer_": {"validation": 4848, "test": 9693, "train": 27243},
+    "super_glue_multirc_paragraph_question_is_it_": {"validation": 4848, "test": 9693, "train": 27243},
+    "super_glue_record_Add_sentence_after_after_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_Add_sentence_after_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_Can_you_figure_out_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_GPT_3_style_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_GPT_3_style_summary_only_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_GPT_3_style_with_labels_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_GPT_3_style_without_hyphens_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_In_the_question_above_the_placeholder_stands_for": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_New_highlight_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_News_article_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_Summary_first_continuation_choices_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_What_could_the_placeholder_be_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_Which_one_is_the_placeholder_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_choose_between": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_corrupted": {"validation": 10000, "test": 10000, "train": 100730},
     "super_glue_record_exercise": {"validation": 10000, "test": 10000, "train": 100730},
-    "super_glue_record_pick_one_option": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_the_placeholder_refers_to_": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
-    "super_glue_record_trying_to_decide": {
-        "validation": 10000,
-        "test": 10000,
-        "train": 100730,
-    },
+    "super_glue_record_pick_one_option": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_the_placeholder_refers_to_": {"validation": 10000, "test": 10000, "train": 100730},
+    "super_glue_record_trying_to_decide": {"validation": 10000, "test": 10000, "train": 100730},
     "super_glue_rte_GPT_3_style": {"validation": 277, "test": 3000, "train": 2490},
-    "super_glue_rte_GPT_3_style_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
+    "super_glue_rte_GPT_3_style_score_eval": {"validation": 554, "test": 6000, "train": 4980},
     "super_glue_rte_MNLI_crowdsource": {"validation": 277, "test": 3000, "train": 2490},
-    "super_glue_rte_MNLI_crowdsource_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
-    "super_glue_rte_based_on_the_previous_passage": {
-        "validation": 277,
-        "test": 3000,
-        "train": 2490,
-    },
-    "super_glue_rte_based_on_the_previous_passage_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
+    "super_glue_rte_MNLI_crowdsource_score_eval": {"validation": 554, "test": 6000, "train": 4980},
+    "super_glue_rte_based_on_the_previous_passage": {"validation": 277, "test": 3000, "train": 2490},
+    "super_glue_rte_based_on_the_previous_passage_score_eval": {"validation": 554, "test": 6000, "train": 4980},
     "super_glue_rte_can_we_infer": {"validation": 277, "test": 3000, "train": 2490},
-    "super_glue_rte_can_we_infer_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
-    "super_glue_rte_does_it_follow_that": {
-        "validation": 277,
-        "test": 3000,
-        "train": 2490,
-    },
-    "super_glue_rte_does_it_follow_that_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
+    "super_glue_rte_can_we_infer_score_eval": {"validation": 554, "test": 6000, "train": 4980},
+    "super_glue_rte_does_it_follow_that": {"validation": 277, "test": 3000, "train": 2490},
+    "super_glue_rte_does_it_follow_that_score_eval": {"validation": 554, "test": 6000, "train": 4980},
     "super_glue_rte_does_this_imply": {"validation": 277, "test": 3000, "train": 2490},
-    "super_glue_rte_does_this_imply_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
+    "super_glue_rte_does_this_imply_score_eval": {"validation": 554, "test": 6000, "train": 4980},
     "super_glue_rte_guaranteed_true": {"validation": 277, "test": 3000, "train": 2490},
-    "super_glue_rte_guaranteed_true_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
-    "super_glue_rte_justified_in_saying": {
-        "validation": 277,
-        "test": 3000,
-        "train": 2490,
-    },
-    "super_glue_rte_justified_in_saying_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
+    "super_glue_rte_guaranteed_true_score_eval": {"validation": 554, "test": 6000, "train": 4980},
+    "super_glue_rte_justified_in_saying": {"validation": 277, "test": 3000, "train": 2490},
+    "super_glue_rte_justified_in_saying_score_eval": {"validation": 554, "test": 6000, "train": 4980},
     "super_glue_rte_must_be_true": {"validation": 277, "test": 3000, "train": 2490},
-    "super_glue_rte_must_be_true_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
+    "super_glue_rte_must_be_true_score_eval": {"validation": 554, "test": 6000, "train": 4980},
     "super_glue_rte_should_assume": {"validation": 277, "test": 3000, "train": 2490},
-    "super_glue_rte_should_assume_score_eval": {
-        "validation": 554,
-        "test": 6000,
-        "train": 4980,
-    },
+    "super_glue_rte_should_assume_score_eval": {"validation": 554, "test": 6000, "train": 4980},
     "super_glue_wic_GPT_3_prompt": {"validation": 638, "test": 1400, "train": 5428},
-    "super_glue_wic_GPT_3_prompt_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
-    "super_glue_wic_GPT_3_prompt_with_label": {
-        "validation": 638,
-        "test": 1400,
-        "train": 5428,
-    },
-    "super_glue_wic_GPT_3_prompt_with_label_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
-    "super_glue_wic_affirmation_true_or_false": {
-        "validation": 638,
-        "test": 1400,
-        "train": 5428,
-    },
-    "super_glue_wic_affirmation_true_or_false_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
+    "super_glue_wic_GPT_3_prompt_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
+    "super_glue_wic_GPT_3_prompt_with_label": {"validation": 638, "test": 1400, "train": 5428},
+    "super_glue_wic_GPT_3_prompt_with_label_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
+    "super_glue_wic_affirmation_true_or_false": {"validation": 638, "test": 1400, "train": 5428},
+    "super_glue_wic_affirmation_true_or_false_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
     "super_glue_wic_grammar_homework": {"validation": 638, "test": 1400, "train": 5428},
-    "super_glue_wic_grammar_homework_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
+    "super_glue_wic_grammar_homework_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
     "super_glue_wic_polysemous": {"validation": 638, "test": 1400, "train": 5428},
-    "super_glue_wic_polysemous_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
+    "super_glue_wic_polysemous_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
     "super_glue_wic_question_context": {"validation": 638, "test": 1400, "train": 5428},
-    "super_glue_wic_question_context_meaning": {
-        "validation": 638,
-        "test": 1400,
-        "train": 5428,
-    },
-    "super_glue_wic_question_context_meaning_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
-    "super_glue_wic_question_context_meaning_with_label": {
-        "validation": 638,
-        "test": 1400,
-        "train": 5428,
-    },
-    "super_glue_wic_question_context_meaning_with_label_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
-    "super_glue_wic_question_context_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
+    "super_glue_wic_question_context_meaning": {"validation": 638, "test": 1400, "train": 5428},
+    "super_glue_wic_question_context_meaning_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
+    "super_glue_wic_question_context_meaning_with_label": {"validation": 638, "test": 1400, "train": 5428},
+    "super_glue_wic_question_context_meaning_with_label_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
+    "super_glue_wic_question_context_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
     "super_glue_wic_same_sense": {"validation": 638, "test": 1400, "train": 5428},
-    "super_glue_wic_same_sense_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
+    "super_glue_wic_same_sense_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
     "super_glue_wic_similar_sense": {"validation": 638, "test": 1400, "train": 5428},
-    "super_glue_wic_similar_sense_score_eval": {
-        "validation": 1276,
-        "test": 2800,
-        "train": 10856,
-    },
+    "super_glue_wic_similar_sense_score_eval": {"validation": 1276, "test": 2800, "train": 10856},
     "super_glue_wsc.fixed_GPT_3_Style": {"validation": 104, "test": 146, "train": 554},
-    "super_glue_wsc.fixed_GPT_3_Style_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
-    "super_glue_wsc.fixed_I_think_they_mean": {
-        "validation": 104,
-        "test": 146,
-        "train": 554,
-    },
-    "super_glue_wsc.fixed_I_think_they_mean_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
-    "super_glue_wsc.fixed_Who_or_what_is_are": {
-        "validation": 104,
-        "test": 146,
-        "train": 554,
-    },
-    "super_glue_wsc.fixed_Who_or_what_is_are_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
-    "super_glue_wsc.fixed_by_p_they_mean": {
-        "validation": 104,
-        "test": 146,
-        "train": 554,
-    },
-    "super_glue_wsc.fixed_by_p_they_mean_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
-    "super_glue_wsc.fixed_does_p_stand_for": {
-        "validation": 104,
-        "test": 146,
-        "train": 554,
-    },
-    "super_glue_wsc.fixed_does_p_stand_for_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
-    "super_glue_wsc.fixed_does_the_pronoun_refer_to": {
-        "validation": 104,
-        "test": 146,
-        "train": 554,
-    },
-    "super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
-    "super_glue_wsc.fixed_in_other_words": {
-        "validation": 104,
-        "test": 146,
-        "train": 554,
-    },
-    "super_glue_wsc.fixed_in_other_words_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
+    "super_glue_wsc.fixed_GPT_3_Style_score_eval": {"validation": 208, "test": 292, "train": 1108},
+    "super_glue_wsc.fixed_I_think_they_mean": {"validation": 104, "test": 146, "train": 554},
+    "super_glue_wsc.fixed_I_think_they_mean_score_eval": {"validation": 208, "test": 292, "train": 1108},
+    "super_glue_wsc.fixed_Who_or_what_is_are": {"validation": 104, "test": 146, "train": 554},
+    "super_glue_wsc.fixed_Who_or_what_is_are_score_eval": {"validation": 208, "test": 292, "train": 1108},
+    "super_glue_wsc.fixed_by_p_they_mean": {"validation": 104, "test": 146, "train": 554},
+    "super_glue_wsc.fixed_by_p_they_mean_score_eval": {"validation": 208, "test": 292, "train": 1108},
+    "super_glue_wsc.fixed_does_p_stand_for": {"validation": 104, "test": 146, "train": 554},
+    "super_glue_wsc.fixed_does_p_stand_for_score_eval": {"validation": 208, "test": 292, "train": 1108},
+    "super_glue_wsc.fixed_does_the_pronoun_refer_to": {"validation": 104, "test": 146, "train": 554},
+    "super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval": {"validation": 208, "test": 292, "train": 1108},
+    "super_glue_wsc.fixed_in_other_words": {"validation": 104, "test": 146, "train": 554},
+    "super_glue_wsc.fixed_in_other_words_score_eval": {"validation": 208, "test": 292, "train": 1108},
     "super_glue_wsc.fixed_p_is_are_r": {"validation": 104, "test": 146, "train": 554},
-    "super_glue_wsc.fixed_p_is_are_r_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
-    "super_glue_wsc.fixed_replaced_with": {
-        "validation": 104,
-        "test": 146,
-        "train": 554,
-    },
-    "super_glue_wsc.fixed_replaced_with_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
-    "super_glue_wsc.fixed_the_pronoun_refers_to": {
-        "validation": 104,
-        "test": 146,
-        "train": 554,
-    },
-    "super_glue_wsc.fixed_the_pronoun_refers_to_score_eval": {
-        "validation": 208,
-        "test": 292,
-        "train": 1108,
-    },
+    "super_glue_wsc.fixed_p_is_are_r_score_eval": {"validation": 208, "test": 292, "train": 1108},
+    "super_glue_wsc.fixed_replaced_with": {"validation": 104, "test": 146, "train": 554},
+    "super_glue_wsc.fixed_replaced_with_score_eval": {"validation": 208, "test": 292, "train": 1108},
+    "super_glue_wsc.fixed_the_pronoun_refers_to": {"validation": 104, "test": 146, "train": 554},
+    "super_glue_wsc.fixed_the_pronoun_refers_to_score_eval": {"validation": 208, "test": 292, "train": 1108},
     "trec_fine_grained_ABBR": {"test": 9, "train": 86},
     "trec_fine_grained_ABBR_context_first": {"test": 9, "train": 86},
     "trec_fine_grained_DESC": {"test": 138, "train": 1162},
@@ -1959,27 +581,11 @@ DATA_SPLITS_SIZES = {
     "trec_trec2": {"test": 500, "train": 5452},
     "trec_what_category_best_describe": {"test": 500, "train": 5452},
     "trec_which_category_best_describes": {"test": 500, "train": 5452},
-    "trivia_qa_unfiltered_first_person_context": {
-        "validation": 11313,
-        "test": 10832,
-        "train": 87622,
-    },
-    "trivia_qa_unfiltered_formal_description": {
-        "validation": 11313,
-        "test": 10832,
-        "train": 87622,
-    },
+    "trivia_qa_unfiltered_first_person_context": {"validation": 11313, "test": 10832, "train": 87622},
+    "trivia_qa_unfiltered_formal_description": {"validation": 11313, "test": 10832, "train": 87622},
     "trivia_qa_unfiltered_guess_question": {"validation": 11313, "train": 87622},
-    "trivia_qa_unfiltered_question_answer": {
-        "validation": 11313,
-        "test": 10832,
-        "train": 87622,
-    },
-    "trivia_qa_unfiltered_question_with_instruction": {
-        "validation": 11313,
-        "test": 10832,
-        "train": 87622,
-    },
+    "trivia_qa_unfiltered_question_answer": {"validation": 11313, "test": 10832, "train": 87622},
+    "trivia_qa_unfiltered_question_with_instruction": {"validation": 11313, "test": 10832, "train": 87622},
     "web_questions_get_the_answer": {"test": 2032, "train": 3778},
     "web_questions_potential_correct_answer": {"test": 2032, "train": 3778},
     "web_questions_question_answer": {"test": 2032, "train": 3778},
@@ -1990,238 +596,64 @@ DATA_SPLITS_SIZES = {
     "wiki_bio_key_content": {"val": 72831, "test": 72829, "train": 582639},
     "wiki_bio_what_content": {"val": 72831, "test": 72829, "train": 582639},
     "wiki_bio_who": {"val": 72831, "test": 72829, "train": 582639},
-    "wiki_hop_original_choose_best_object_affirmative_1": {
-        "validation": 5129,
-        "train": 43738,
-    },
-    "wiki_hop_original_choose_best_object_affirmative_2": {
-        "validation": 5129,
-        "train": 43738,
-    },
-    "wiki_hop_original_choose_best_object_affirmative_3": {
-        "validation": 5129,
-        "train": 43738,
-    },
-    "wiki_hop_original_choose_best_object_interrogative_1": {
-        "validation": 5129,
-        "train": 43738,
-    },
-    "wiki_hop_original_choose_best_object_interrogative_2": {
-        "validation": 5129,
-        "train": 43738,
-    },
+    "wiki_hop_original_choose_best_object_affirmative_1": {"validation": 5129, "train": 43738},
+    "wiki_hop_original_choose_best_object_affirmative_2": {"validation": 5129, "train": 43738},
+    "wiki_hop_original_choose_best_object_affirmative_3": {"validation": 5129, "train": 43738},
+    "wiki_hop_original_choose_best_object_interrogative_1": {"validation": 5129, "train": 43738},
+    "wiki_hop_original_choose_best_object_interrogative_2": {"validation": 5129, "train": 43738},
     "wiki_hop_original_explain_relation": {"validation": 5129, "train": 43738},
     "wiki_hop_original_generate_object": {"validation": 5129, "train": 43738},
     "wiki_hop_original_generate_subject": {"validation": 5129, "train": 43738},
-    "wiki_hop_original_generate_subject_and_object": {
-        "validation": 5129,
-        "train": 43738,
-    },
+    "wiki_hop_original_generate_subject_and_object": {"validation": 5129, "train": 43738},
     "wiki_qa_Decide_good_answer": {"validation": 2733, "test": 6165, "train": 20360},
-    "wiki_qa_Direct_Answer_to_Question": {
-        "validation": 140,
-        "test": 293,
-        "train": 1040,
-    },
-    "wiki_qa_Generate_Question_from_Topic": {
-        "validation": 140,
-        "test": 293,
-        "train": 1040,
-    },
+    "wiki_qa_Direct_Answer_to_Question": {"validation": 140, "test": 293, "train": 1040},
+    "wiki_qa_Generate_Question_from_Topic": {"validation": 140, "test": 293, "train": 1040},
     "wiki_qa_Is_This_True_": {"validation": 2733, "test": 6165, "train": 20360},
     "wiki_qa_Jeopardy_style": {"validation": 140, "test": 293, "train": 1040},
-    "wiki_qa_Topic_Prediction_Answer_Only": {
-        "validation": 140,
-        "test": 293,
-        "train": 1040,
-    },
-    "wiki_qa_Topic_Prediction_Question_Only": {
-        "validation": 140,
-        "test": 293,
-        "train": 1040,
-    },
-    "wiki_qa_Topic_Prediction_Question_and_Answer_Pair": {
-        "validation": 140,
-        "test": 293,
-        "train": 1040,
-    },
+    "wiki_qa_Topic_Prediction_Answer_Only": {"validation": 140, "test": 293, "train": 1040},
+    "wiki_qa_Topic_Prediction_Question_Only": {"validation": 140, "test": 293, "train": 1040},
+    "wiki_qa_Topic_Prediction_Question_and_Answer_Pair": {"validation": 140, "test": 293, "train": 1040},
     "wiki_qa_automatic_system": {"validation": 2733, "test": 6165, "train": 20360},
     "wiki_qa_exercise": {"validation": 2733, "test": 6165, "train": 20360},
     "wiki_qa_found_on_google": {"validation": 2733, "test": 6165, "train": 20360},
-    "winogrande_winogrande_debiased_Replace": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 9248,
-    },
-    "winogrande_winogrande_debiased_Replace_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 18496,
-    },
-    "winogrande_winogrande_debiased_does_underscore_refer_to": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 9248,
-    },
-    "winogrande_winogrande_debiased_does_underscore_refer_to_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 18496,
-    },
-    "winogrande_winogrande_debiased_fill_in_the_blank": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 9248,
-    },
-    "winogrande_winogrande_debiased_fill_in_the_blank_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 18496,
-    },
-    "winogrande_winogrande_debiased_stand_for": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 9248,
-    },
-    "winogrande_winogrande_debiased_stand_for_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 18496,
-    },
-    "winogrande_winogrande_debiased_underscore_refer_to": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 9248,
-    },
-    "winogrande_winogrande_debiased_underscore_refer_to_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 18496,
-    },
-    "winogrande_winogrande_xl_Replace": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 40398,
-    },
-    "winogrande_winogrande_xl_Replace_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 80796,
-    },
-    "winogrande_winogrande_xl_does_underscore_refer_to": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 40398,
-    },
-    "winogrande_winogrande_xl_does_underscore_refer_to_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 80796,
-    },
-    "winogrande_winogrande_xl_fill_in_the_blank": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 40398,
-    },
-    "winogrande_winogrande_xl_fill_in_the_blank_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 80796,
-    },
-    "winogrande_winogrande_xl_stand_for": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 40398,
-    },
-    "winogrande_winogrande_xl_stand_for_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 80796,
-    },
-    "winogrande_winogrande_xl_underscore_refer_to": {
-        "validation": 1267,
-        "test": 1767,
-        "train": 40398,
-    },
-    "winogrande_winogrande_xl_underscore_refer_to_score_eval": {
-        "validation": 2534,
-        "test": 3534,
-        "train": 80796,
-    },
-    "wiqa_does_the_supposed_perturbation_have_an_effect": {
-        "validation": 6894,
-        "test": 3003,
-        "train": 29808,
-    },
+    "winogrande_winogrande_debiased_Replace": {"validation": 1267, "test": 1767, "train": 9248},
+    "winogrande_winogrande_debiased_Replace_score_eval": {"validation": 2534, "test": 3534, "train": 18496},
+    "winogrande_winogrande_debiased_does_underscore_refer_to": {"validation": 1267, "test": 1767, "train": 9248},
+    "winogrande_winogrande_debiased_does_underscore_refer_to_score_eval": {"validation": 2534, "test": 3534, "train": 18496},
+    "winogrande_winogrande_debiased_fill_in_the_blank": {"validation": 1267, "test": 1767, "train": 9248},
+    "winogrande_winogrande_debiased_fill_in_the_blank_score_eval": {"validation": 2534, "test": 3534, "train": 18496},
+    "winogrande_winogrande_debiased_stand_for": {"validation": 1267, "test": 1767, "train": 9248},
+    "winogrande_winogrande_debiased_stand_for_score_eval": {"validation": 2534, "test": 3534, "train": 18496},
+    "winogrande_winogrande_debiased_underscore_refer_to": {"validation": 1267, "test": 1767, "train": 9248},
+    "winogrande_winogrande_debiased_underscore_refer_to_score_eval": {"validation": 2534, "test": 3534, "train": 18496},
+    "winogrande_winogrande_xl_Replace": {"validation": 1267, "test": 1767, "train": 40398},
+    "winogrande_winogrande_xl_Replace_score_eval": {"validation": 2534, "test": 3534, "train": 80796},
+    "winogrande_winogrande_xl_does_underscore_refer_to": {"validation": 1267, "test": 1767, "train": 40398},
+    "winogrande_winogrande_xl_does_underscore_refer_to_score_eval": {"validation": 2534, "test": 3534, "train": 80796},
+    "winogrande_winogrande_xl_fill_in_the_blank": {"validation": 1267, "test": 1767, "train": 40398},
+    "winogrande_winogrande_xl_fill_in_the_blank_score_eval": {"validation": 2534, "test": 3534, "train": 80796},
+    "winogrande_winogrande_xl_stand_for": {"validation": 1267, "test": 1767, "train": 40398},
+    "winogrande_winogrande_xl_stand_for_score_eval": {"validation": 2534, "test": 3534, "train": 80796},
+    "winogrande_winogrande_xl_underscore_refer_to": {"validation": 1267, "test": 1767, "train": 40398},
+    "winogrande_winogrande_xl_underscore_refer_to_score_eval": {"validation": 2534, "test": 3534, "train": 80796},
+    "wiqa_does_the_supposed_perturbation_have_an_effect": {"validation": 6894, "test": 3003, "train": 29808},
     "wiqa_effect_with_label_answer": {"validation": 6894, "test": 3003, "train": 29808},
-    "wiqa_effect_with_string_answer": {
-        "validation": 6894,
-        "test": 3003,
-        "train": 29808,
-    },
-    "wiqa_what_is_the_final_step_of_the_following_process": {
-        "validation": 6894,
-        "test": 3003,
-        "train": 29808,
-    },
-    "wiqa_what_is_the_missing_first_step": {
-        "validation": 6894,
-        "test": 3003,
-        "train": 29808,
-    },
-    "wiqa_what_might_be_the_first_step_of_the_process": {
-        "validation": 6894,
-        "test": 3003,
-        "train": 29808,
-    },
-    "wiqa_what_might_be_the_last_step_of_the_process": {
-        "validation": 6894,
-        "test": 3003,
-        "train": 29808,
-    },
-    "wiqa_which_of_the_following_is_the_supposed_perturbation": {
-        "validation": 6894,
-        "test": 3003,
-        "train": 29808,
-    },
-    "xsum_DOC_boils_down_to_simple_idea_that": {
-        "validation": 11332,
-        "test": 11334,
-        "train": 204045,
-    },
-    "xsum_DOC_given_above_write_one_sentence": {
-        "validation": 11332,
-        "test": 11334,
-        "train": 204045,
-    },
-    "xsum_DOC_how_would_you_rephrase_few_words": {
-        "validation": 11332,
-        "test": 11334,
-        "train": 204045,
-    },
+    "wiqa_effect_with_string_answer": {"validation": 6894, "test": 3003, "train": 29808},
+    "wiqa_what_is_the_final_step_of_the_following_process": {"validation": 6894, "test": 3003, "train": 29808},
+    "wiqa_what_is_the_missing_first_step": {"validation": 6894, "test": 3003, "train": 29808},
+    "wiqa_what_might_be_the_first_step_of_the_process": {"validation": 6894, "test": 3003, "train": 29808},
+    "wiqa_what_might_be_the_last_step_of_the_process": {"validation": 6894, "test": 3003, "train": 29808},
+    "wiqa_which_of_the_following_is_the_supposed_perturbation": {"validation": 6894, "test": 3003, "train": 29808},
+    "xsum_DOC_boils_down_to_simple_idea_that": {"validation": 11332, "test": 11334, "train": 204045},
+    "xsum_DOC_given_above_write_one_sentence": {"validation": 11332, "test": 11334, "train": 204045},
+    "xsum_DOC_how_would_you_rephrase_few_words": {"validation": 11332, "test": 11334, "train": 204045},
     "xsum_DOC_tldr": {"validation": 11332, "test": 11334, "train": 204045},
-    "xsum_DOC_write_summary_of_above": {
-        "validation": 11332,
-        "test": 11334,
-        "train": 204045,
-    },
+    "xsum_DOC_write_summary_of_above": {"validation": 11332, "test": 11334, "train": 204045},
     "xsum_article_DOC_summary": {"validation": 11332, "test": 11334, "train": 204045},
-    "xsum_college_roommate_asked_DOC_so_I_recap": {
-        "validation": 11332,
-        "test": 11334,
-        "train": 204045,
-    },
-    "xsum_read_below_DOC_write_abstract": {
-        "validation": 11332,
-        "test": 11334,
-        "train": 204045,
-    },
+    "xsum_college_roommate_asked_DOC_so_I_recap": {"validation": 11332, "test": 11334, "train": 204045},
+    "xsum_read_below_DOC_write_abstract": {"validation": 11332, "test": 11334, "train": 204045},
     "xsum_summarize_DOC": {"validation": 11332, "test": 11334, "train": 204045},
-    "xsum_summarize_this_DOC_summary": {
-        "validation": 11332,
-        "test": 11334,
-        "train": 204045,
-    },
+    "xsum_summarize_this_DOC_summary": {"validation": 11332, "test": 11334, "train": 204045},
     "yelp_review_full_based_on_that": {"test": 50000, "train": 650000},
     "yelp_review_full_format_rating": {"test": 50000, "train": 650000},
     "yelp_review_full_format_score": {"test": 50000, "train": 650000},
@@ -2232,7317 +664,465 @@ DATA_SPLITS_SIZES = {
 }
 
 split_infos = {
-    "adversarial_qa_dbert_answer_the_following_q": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_dbert_based_on": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_dbert_generate_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_dbert_question_context_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_dbert_tell_what_it_is": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_dbidaf_answer_the_following_q": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_dbidaf_based_on": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_dbidaf_generate_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_dbidaf_question_context_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_dbidaf_tell_what_it_is": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_droberta_answer_the_following_q": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_droberta_based_on": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_droberta_generate_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_droberta_question_context_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "adversarial_qa_droberta_tell_what_it_is": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ag_news_classify": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ag_news_classify_question_first": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ag_news_classify_with_choices": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ag_news_classify_with_choices_question_first": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ag_news_recommend": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ag_news_which_section": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ag_news_which_section_choices": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Challenge_heres_a_problem": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Challenge_i_am_hesitating": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Challenge_multiple_choice": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Challenge_pick_false_options": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Challenge_pick_the_most_correct_option": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Challenge_qa_options": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Easy_heres_a_problem": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Easy_i_am_hesitating": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Easy_multiple_choice": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Easy_pick_false_options": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Easy_pick_the_most_correct_option": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ai2_arc_ARC_Easy_qa_options": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "amazon_polarity_Is_this_product_review_positive": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "amazon_polarity_Is_this_review": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "amazon_polarity_Is_this_review_negative": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "amazon_polarity_User_recommend_this_product": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "amazon_polarity_convey_negative_or_positive_sentiment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "amazon_polarity_flattering_or_not": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "amazon_polarity_negative_or_positive_tone": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "amazon_polarity_user_satisfied": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "amazon_polarity_would_you_buy": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_GPT_3_style_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_GPT_3_style_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_GPT_3_style_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_GPT_3_style_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_GPT_3_style_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_GPT_3_style_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_MNLI_crowdsource_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_MNLI_crowdsource_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_MNLI_crowdsource_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_MNLI_crowdsource_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_MNLI_crowdsource_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_MNLI_crowdsource_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_always_sometimes_never_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_always_sometimes_never_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_always_sometimes_never_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_always_sometimes_never_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_always_sometimes_never_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_always_sometimes_never_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_based_on_the_previous_passage_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_based_on_the_previous_passage_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_based_on_the_previous_passage_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_based_on_the_previous_passage_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_based_on_the_previous_passage_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_based_on_the_previous_passage_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_can_we_infer_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_can_we_infer_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_can_we_infer_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_can_we_infer_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_can_we_infer_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_can_we_infer_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_claim_true_false_inconclusive_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_claim_true_false_inconclusive_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_claim_true_false_inconclusive_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_claim_true_false_inconclusive_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_claim_true_false_inconclusive_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_claim_true_false_inconclusive_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_consider_always_sometimes_never_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_consider_always_sometimes_never_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_consider_always_sometimes_never_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_consider_always_sometimes_never_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_consider_always_sometimes_never_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_consider_always_sometimes_never_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_it_follow_that_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_it_follow_that_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_it_follow_that_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_it_follow_that_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_it_follow_that_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_it_follow_that_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_this_imply_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_this_imply_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_this_imply_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_this_imply_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_this_imply_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_does_this_imply_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_possible_impossible_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_possible_impossible_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_possible_impossible_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_possible_impossible_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_possible_impossible_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_possible_impossible_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_true_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_true_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_true_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_true_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_true_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_guaranteed_true_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_justified_in_saying_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_justified_in_saying_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_justified_in_saying_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_justified_in_saying_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_justified_in_saying_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_justified_in_saying_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_must_be_true_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_must_be_true_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_must_be_true_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_must_be_true_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_must_be_true_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_must_be_true_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_should_assume_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_should_assume_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_should_assume_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_should_assume_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_should_assume_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_should_assume_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_take_the_following_as_truth_r1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_take_the_following_as_truth_r1_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_take_the_following_as_truth_r2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_take_the_following_as_truth_r2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_take_the_following_as_truth_r3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "anli_take_the_following_as_truth_r3_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "app_reviews_categorize_rating_using_review": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "app_reviews_convert_to_rating": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "app_reviews_convert_to_star_rating": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "app_reviews_generate_review": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cnn_dailymail_3.0.0_2_or_3_sentences": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cnn_dailymail_3.0.0_generate_story": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cnn_dailymail_3.0.0_news_card_view": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cnn_dailymail_3.0.0_news_stock": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cnn_dailymail_3.0.0_news_summary": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cnn_dailymail_3.0.0_spice_up_story": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cnn_dailymail_3.0.0_sum_in_brief": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cnn_dailymail_3.0.0_tldr_summary": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cnn_dailymail_3.0.0_write_an_outline": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "common_gen_Example_prompt": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "common_gen_Given_concepts_type_1": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "common_gen_Given_concepts_type_2": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "common_gen_Put_together": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "common_gen_choice_in_concept_centric_sentence_generation": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "common_gen_random_task_template_prompt": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "common_gen_sentence_to_concepts": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "common_gen_topic_to_sentence": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "common_gen_topics_from_the_sentence": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_aligned_with_common_sense": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_description_question_option_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_description_question_option_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_explain_why_human": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_generate_explanation_given_text": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_i_think": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_question_description_option_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_question_description_option_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_question_option_description_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_question_option_description_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cos_e_v1.11_rationale": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_context_answer_to_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_context_description_question_answer_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_context_description_question_answer_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_context_description_question_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_context_question_description_answer_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_context_question_description_answer_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_context_question_description_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_description_context_question_answer_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_description_context_question_answer_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_description_context_question_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_no_prompt_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_no_prompt_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "cosmos_qa_only_question_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "dbpedia_14_given_a_choice_of_categories_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "dbpedia_14_given_list_what_category_does_the_paragraph_belong_to": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "dbpedia_14_pick_one_category_for_the_following_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "dream_answer_to_dialogue": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "dream_baseline": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "dream_generate_first_utterance": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "dream_generate_last_utterance": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "dream_read_the_following_conversation_and_answer_the_question": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_ParaphraseRC_answer_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_ParaphraseRC_build_story_around_qa": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_ParaphraseRC_decide_worth_it": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_ParaphraseRC_extract_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_ParaphraseRC_generate_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_ParaphraseRC_generate_question_by_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_ParaphraseRC_movie_director": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_ParaphraseRC_question_answering": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_ParaphraseRC_title_generation": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_SelfRC_answer_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_SelfRC_build_story_around_qa": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_SelfRC_decide_worth_it": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_SelfRC_extract_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_SelfRC_generate_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_SelfRC_generate_question_by_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_SelfRC_movie_director": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_SelfRC_question_answering": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "duorc_SelfRC_title_generation": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "gigaword_TLDR": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "gigaword_first_sentence_title": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "gigaword_generate_summary_for_this": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "gigaword_in_a_nutshell": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "gigaword_make_a_title": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "gigaword_reverse_writing": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "gigaword_write_a_title_for_this_sentence": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "gigaword_write_an_article": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "gigaword_write_its_sentence": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_mrpc_equivalent": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_mrpc_generate_paraphrase": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_mrpc_generate_sentence": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_mrpc_paraphrase": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_mrpc_replace": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_mrpc_same_thing": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_mrpc_want_to_know": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_qqp_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_qqp_duplicate": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_qqp_duplicate_or_not": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_qqp_meaning": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_qqp_quora": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "glue_qqp_same_thing": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Appropriate_continuation_Yes_or_No": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Open_ended_completion": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Open_ended_start": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Predict_ending_with_hint": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Predict_ending_with_hint_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Randomized_prompts_template": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Randomized_prompts_template_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Reversed_appropriate_continuation_Yes_or_No": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Topic_of_the_context": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_Topic_without_the_ending_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_complete_first_then": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_complete_first_then_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_how_ends": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_if_begins_how_continues": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "hellaswag_if_begins_how_continues_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Movie_Expressed_Sentiment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Movie_Expressed_Sentiment_2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Negation_template_for_positive_and_negative": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Reviewer_Enjoyment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Reviewer_Enjoyment_Yes_No": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Reviewer_Expressed_Sentiment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Reviewer_Opinion_bad_good_choices": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Reviewer_Sentiment_Feeling": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Sentiment_with_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Text_Expressed_Sentiment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "imdb_Writer_Expressed_Sentiment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "kilt_tasks_hotpotqa_combining_facts": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "kilt_tasks_hotpotqa_complex_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "kilt_tasks_hotpotqa_final_exam": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "kilt_tasks_hotpotqa_formulate": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "kilt_tasks_hotpotqa_straighforward_qa": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "multi_news_distill": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "multi_news_expand_reverse_task_": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "multi_news_summarize": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "multi_news_summary_scenario": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "multi_news_synthesize": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "multi_news_what_are_the_key_points": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "openbookqa_main_choices": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "openbookqa_main_choose_an_answer_with_options": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "openbookqa_main_only_options": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "openbookqa_main_pick_answer_with_options": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "openbookqa_main_pick_using_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "openbookqa_main_which_correct": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "openbookqa_main_which_correct_inverse": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_Concatenation": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_Concatenation_no_label": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_Meaning": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_Meaning_no_label": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_PAWS_ANLI_GPT3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_PAWS_ANLI_GPT3_no_label": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_Rewrite": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_Rewrite_no_label": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_context_question": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_context_question_no_label": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_paraphrase_task": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "paws_labeled_final_task_description_no_label": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_Correct_the_solution": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_Correct_the_solution_if_false_from_sol_1": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_Correct_the_solution_if_false_from_sol_2": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_Does_this_solution_make_sense_sol1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_Does_this_solution_make_sense_sol2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_choose_the_most_appropriate_solution": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_finish_sentence_with_correct_choice": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_no_prompt_needed": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_pick_correct_choice_index": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_pick_correct_choice_with_choice_given_before_goal": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "piqa_what_is_the_correct_ending": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "qasc_is_correct_1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "qasc_is_correct_2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "qasc_qa_with_combined_facts_1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "qasc_qa_with_separated_facts_1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "qasc_qa_with_separated_facts_2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "qasc_qa_with_separated_facts_3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "qasc_qa_with_separated_facts_4": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "qasc_qa_with_separated_facts_5": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_context_description_question_answer_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_context_description_question_answer_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_context_description_question_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_context_question_answer_description_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_context_question_answer_description_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_context_question_description_answer_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_context_question_description_answer_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_context_question_description_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_description_context_question_answer_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_description_context_question_answer_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_description_context_question_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_no_prompt_id": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quail_no_prompt_text": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quarel_choose_between": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quarel_do_not_use": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quarel_heres_a_story": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quarel_logic_test": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quarel_testing_students": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quartz_answer_question_based_on": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quartz_answer_question_below": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quartz_given_the_fact_answer_the_q": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quartz_having_read_above_passage": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quartz_paragraph_question_plain_concat": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quartz_read_passage_below_choose": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quartz_use_info_from_paragraph_question": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quartz_use_info_from_question_paragraph": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Answer_Friend_Question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Answer_Question_Given_Context": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Answer_Test": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Context_Contains_Answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Find_Answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Found_Context_Online": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Given_Context_Answer_Question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Guess_Answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Guess_Title_For_Context": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_Read_And_Extract_": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "quoref_What_Is_The_Answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_high_Is_this_the_right_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_high_Read_the_article_and_answer_the_question_no_option_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_high_Select_the_best_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_high_Select_the_best_answer_generate_span_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_high_Select_the_best_answer_no_instructions_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_high_Taking_a_test": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_high_Write_a_multi_choice_question_for_the_following_article": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_high_Write_a_multi_choice_question_options_given_": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_middle_Is_this_the_right_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_middle_Read_the_article_and_answer_the_question_no_option_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_middle_Select_the_best_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_middle_Select_the_best_answer_generate_span_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_middle_Select_the_best_answer_no_instructions_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_middle_Taking_a_test": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_middle_Write_a_multi_choice_question_for_the_following_article": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "race_middle_Write_a_multi_choice_question_options_given_": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_background_new_situation_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_background_situation_middle": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_given_background_situation": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_new_situation_background_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_plain_background_situation": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_plain_bottom_hint": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_plain_no_background": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_prompt_beginning": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_prompt_bottom_hint_beginning": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_prompt_bottom_no_hint": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_prompt_mix": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "ropes_read_background_situation": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Movie_Expressed_Sentiment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Movie_Expressed_Sentiment_2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Reviewer_Enjoyment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Reviewer_Enjoyment_Yes_No": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Reviewer_Expressed_Sentiment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Reviewer_Opinion_bad_good_choices": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Reviewer_Sentiment_Feeling": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Sentiment_with_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Text_Expressed_Sentiment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "rotten_tomatoes_Writer_Expressed_Sentiment": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "samsum_Generate_a_summary_for_this_dialogue": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "samsum_Given_the_above_dialogue_write_a_summary": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "samsum_Sum_up_the_following_dialogue": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "samsum_Summarize_": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "samsum_Summarize_this_dialogue_": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "samsum_To_sum_up_this_dialog": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "samsum_Write_a_dialogue_that_match_this_summary": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "sciq_Direct_Question": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "sciq_Direct_Question_Closed_Book_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "sciq_Multiple_Choice": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "sciq_Multiple_Choice_Closed_Book_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "sciq_Multiple_Choice_Question_First": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "social_i_qa_Check_if_a_random_answer_is_valid_or_not": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "social_i_qa_Generate_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "social_i_qa_Generate_the_question_from_the_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "social_i_qa_I_was_wondering": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "social_i_qa_Show_choices_and_generate_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "social_i_qa_Show_choices_and_generate_index": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Jeopardy_with_Context": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Jeopardy_without_Context": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Questions_with_Context": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Questions_with_Context_Without_Prompt_Keywords": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "squad_v2_Questions_with_Context_unanswerable": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "squad_v2_Topic_Prediction_Context": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Topic_Prediction_Context_with_randomized_prompt_options": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Topic_Prediction_Question_and_Answer_Pair": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Trivia": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "squad_v2_Unanwerable_question": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_GPT_3_Style": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_I_wonder_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_after_reading": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_based_on_the_following_passage": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_based_on_the_previous_passage": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_could_you_tell_me_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_exam": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_exercise": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_valid_binary": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_boolq_yes_no_question": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_GPT_3_style": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_GPT_3_style_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_MNLI_crowdsource": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_MNLI_crowdsource_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_always_sometimes_never": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_always_sometimes_never_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_based_on_the_previous_passage": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_based_on_the_previous_passage_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_can_we_infer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_can_we_infer_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_claim_true_false_inconclusive": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_claim_true_false_inconclusive_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_consider_always_sometimes_never": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_consider_always_sometimes_never_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_does_it_follow_that": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_does_it_follow_that_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_does_this_imply": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_does_this_imply_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_guaranteed_possible_impossible": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_guaranteed_possible_impossible_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_guaranteed_true": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_guaranteed_true_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_justified_in_saying": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_justified_in_saying_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_must_be_true": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_must_be_true_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_should_assume": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_should_assume_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_take_the_following_as_truth": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_cb_take_the_following_as_truth_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_C1_or_C2_premise_so_because_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_C1_or_C2_premise_so_because__score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa__As_a_result_C1_or_C2_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa__As_a_result_C1_or_C2__score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa__What_could_happen_next_C1_or_C2_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa__What_could_happen_next_C1_or_C2__score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa__which_may_be_caused_by": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa__which_may_be_caused_by_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa__why_C1_or_C2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa__why_C1_or_C2_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_best_option": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_best_option_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_cause_effect": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_cause_effect_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_choose": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_choose_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_exercise": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_exercise_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_i_am_hesitating": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_i_am_hesitating_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_more_likely": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_more_likely_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_plausible_alternatives": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_copa_plausible_alternatives_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_I_was_going_to_say_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_Would_it_be_good_to_answer_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_confirm": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_correct": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_decide_valid": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_found_this_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_grading": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_is_a_correct_answer_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_is_the_correct_answer_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_multirc_paragraph_question_is_it_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_Add_sentence_after_after_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_Add_sentence_after_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_Can_you_figure_out_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_GPT_3_style_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_GPT_3_style_summary_only_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_GPT_3_style_with_labels_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_GPT_3_style_without_hyphens_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_In_the_question_above_the_placeholder_stands_for": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_New_highlight_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_News_article_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_Summary_first_continuation_choices_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.5",
-    },
-    "super_glue_record_What_could_the_placeholder_be_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_Which_one_is_the_placeholder_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_choose_between": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_corrupted": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_exercise": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_pick_one_option": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_the_placeholder_refers_to_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_record_trying_to_decide": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_GPT_3_style": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_GPT_3_style_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_MNLI_crowdsource": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_MNLI_crowdsource_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_based_on_the_previous_passage": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_based_on_the_previous_passage_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_can_we_infer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_can_we_infer_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_does_it_follow_that": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_does_it_follow_that_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_does_this_imply": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_does_this_imply_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_guaranteed_true": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_guaranteed_true_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_justified_in_saying": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_justified_in_saying_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_must_be_true": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_must_be_true_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_should_assume": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_rte_should_assume_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_GPT_3_prompt": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_GPT_3_prompt_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_GPT_3_prompt_with_label": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_GPT_3_prompt_with_label_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_affirmation_true_or_false": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_affirmation_true_or_false_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_grammar_homework": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_grammar_homework_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_polysemous": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_polysemous_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_question_context": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_question_context_meaning": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_question_context_meaning_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_question_context_meaning_with_label": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_question_context_meaning_with_label_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_question_context_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_same_sense": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_same_sense_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_similar_sense": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wic_similar_sense_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_GPT_3_Style": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_GPT_3_Style_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_I_think_they_mean": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_I_think_they_mean_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_Who_or_what_is_are": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_Who_or_what_is_are_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_by_p_they_mean": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_by_p_they_mean_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_does_p_stand_for": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_does_p_stand_for_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_does_the_pronoun_refer_to": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_in_other_words": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_in_other_words_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_p_is_are_r": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_p_is_are_r_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_replaced_with": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_replaced_with_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_the_pronoun_refers_to": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "super_glue_wsc.fixed_the_pronoun_refers_to_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_ABBR": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_ABBR_context_first": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_DESC": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_DESC_context_first": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_ENTY": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_HUM": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_HUM_context_first": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_LOC": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_LOC_context_first": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_NUM": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_NUM_context_first": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_open": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_fine_grained_open_context_first": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_pick_the_best_descriptor": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_trec1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_trec2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_what_category_best_describe": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trec_which_category_best_describes": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trivia_qa_unfiltered_first_person_context": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trivia_qa_unfiltered_formal_description": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trivia_qa_unfiltered_guess_question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trivia_qa_unfiltered_question_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "trivia_qa_unfiltered_question_with_instruction": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "web_questions_get_the_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "web_questions_potential_correct_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "web_questions_question_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "web_questions_short_general_knowledge_q": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "web_questions_whats_the_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_bio_comprehension": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_bio_guess_person": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_bio_key_content": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_bio_what_content": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_bio_who": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_hop_original_choose_best_object_affirmative_1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_hop_original_choose_best_object_affirmative_2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_hop_original_choose_best_object_affirmative_3": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_hop_original_choose_best_object_interrogative_1": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_hop_original_choose_best_object_interrogative_2": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_hop_original_explain_relation": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_hop_original_generate_object": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_hop_original_generate_subject": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_hop_original_generate_subject_and_object": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_Decide_good_answer": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_Direct_Answer_to_Question": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_Generate_Question_from_Topic": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_Is_This_True_": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_Jeopardy_style": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_Topic_Prediction_Answer_Only": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_Topic_Prediction_Question_Only": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_Topic_Prediction_Question_and_Answer_Pair": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_automatic_system": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_exercise": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiki_qa_found_on_google": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_Replace": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_Replace_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_does_underscore_refer_to": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_does_underscore_refer_to_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_fill_in_the_blank": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_fill_in_the_blank_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_stand_for": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_stand_for_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_underscore_refer_to": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_debiased_underscore_refer_to_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_Replace": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_Replace_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_does_underscore_refer_to": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_does_underscore_refer_to_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_fill_in_the_blank": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_fill_in_the_blank_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_stand_for": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_stand_for_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_underscore_refer_to": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "winogrande_winogrande_xl_underscore_refer_to_score_eval": {
-        "features": {
-            "idx": {"dtype": "int32", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "is_correct": {"dtype": "bool", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-            "weight": {"dtype": "float32", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiqa_does_the_supposed_perturbation_have_an_effect": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiqa_effect_with_label_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiqa_effect_with_string_answer": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiqa_what_is_the_final_step_of_the_following_process": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiqa_what_is_the_missing_first_step": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiqa_what_might_be_the_first_step_of_the_process": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiqa_what_might_be_the_last_step_of_the_process": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "wiqa_which_of_the_following_is_the_supposed_perturbation": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_DOC_boils_down_to_simple_idea_that": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_DOC_given_above_write_one_sentence": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_DOC_how_would_you_rephrase_few_words": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_DOC_tldr": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_DOC_write_summary_of_above": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_article_DOC_summary": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_college_roommate_asked_DOC_so_I_recap": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_read_below_DOC_write_abstract": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_summarize_DOC": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "xsum_summarize_this_DOC_summary": {
-        "features": {
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "yelp_review_full_based_on_that": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "yelp_review_full_format_rating": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "yelp_review_full_format_score": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "yelp_review_full_format_star": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "yelp_review_full_on_a_scale": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "yelp_review_full_so_i_would": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
-    "yelp_review_full_this_place": {
-        "features": {
-            "answer_choices": {"dtype": "string", "shape": [None]},
-            "inputs": {"dtype": "int32", "shape": [None]},
-            "inputs_pretokenized": {"dtype": "string", "shape": []},
-            "targets": {"dtype": "int32", "shape": [None]},
-            "targets_pretokenized": {"dtype": "string", "shape": []},
-        },
-        "num_shards": 1,
-        "seqio_version": "0.0.6",
-    },
+    "adversarial_qa_dbert_answer_the_following_q": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_dbert_based_on": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_dbert_generate_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_dbert_question_context_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_dbert_tell_what_it_is": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_dbidaf_answer_the_following_q": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_dbidaf_based_on": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_dbidaf_generate_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_dbidaf_question_context_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_dbidaf_tell_what_it_is": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_droberta_answer_the_following_q": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_droberta_based_on": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_droberta_generate_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_droberta_question_context_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "adversarial_qa_droberta_tell_what_it_is": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ag_news_classify": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ag_news_classify_question_first": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ag_news_classify_with_choices": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ag_news_classify_with_choices_question_first": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ag_news_recommend": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ag_news_which_section": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ag_news_which_section_choices": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Challenge_heres_a_problem": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Challenge_i_am_hesitating": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Challenge_multiple_choice": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Challenge_pick_false_options": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Challenge_pick_the_most_correct_option": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Challenge_qa_options": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Easy_heres_a_problem": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Easy_i_am_hesitating": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Easy_multiple_choice": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Easy_pick_false_options": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Easy_pick_the_most_correct_option": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "ai2_arc_ARC_Easy_qa_options": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "amazon_polarity_Is_this_product_review_positive": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "amazon_polarity_Is_this_review": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "amazon_polarity_Is_this_review_negative": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "amazon_polarity_User_recommend_this_product": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "amazon_polarity_convey_negative_or_positive_sentiment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "amazon_polarity_flattering_or_not": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "amazon_polarity_negative_or_positive_tone": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "amazon_polarity_user_satisfied": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "amazon_polarity_would_you_buy": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_GPT_3_style_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_GPT_3_style_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_GPT_3_style_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_GPT_3_style_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_GPT_3_style_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_GPT_3_style_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_MNLI_crowdsource_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_MNLI_crowdsource_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_MNLI_crowdsource_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_MNLI_crowdsource_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_MNLI_crowdsource_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_MNLI_crowdsource_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_always_sometimes_never_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_always_sometimes_never_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_always_sometimes_never_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_always_sometimes_never_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_always_sometimes_never_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_always_sometimes_never_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_based_on_the_previous_passage_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_based_on_the_previous_passage_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_based_on_the_previous_passage_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_based_on_the_previous_passage_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_based_on_the_previous_passage_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_based_on_the_previous_passage_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_can_we_infer_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_can_we_infer_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_can_we_infer_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_can_we_infer_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_can_we_infer_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_can_we_infer_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_claim_true_false_inconclusive_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_claim_true_false_inconclusive_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_claim_true_false_inconclusive_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_claim_true_false_inconclusive_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_claim_true_false_inconclusive_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_claim_true_false_inconclusive_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_consider_always_sometimes_never_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_consider_always_sometimes_never_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_consider_always_sometimes_never_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_consider_always_sometimes_never_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_consider_always_sometimes_never_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_consider_always_sometimes_never_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_it_follow_that_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_it_follow_that_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_it_follow_that_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_it_follow_that_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_it_follow_that_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_it_follow_that_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_this_imply_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_this_imply_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_this_imply_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_this_imply_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_this_imply_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_does_this_imply_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_possible_impossible_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_possible_impossible_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_possible_impossible_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_possible_impossible_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_possible_impossible_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_possible_impossible_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_true_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_true_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_true_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_true_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_true_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_guaranteed_true_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_justified_in_saying_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_justified_in_saying_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_justified_in_saying_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_justified_in_saying_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_justified_in_saying_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_justified_in_saying_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_must_be_true_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_must_be_true_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_must_be_true_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_must_be_true_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_must_be_true_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_must_be_true_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_should_assume_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_should_assume_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_should_assume_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_should_assume_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_should_assume_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_should_assume_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_take_the_following_as_truth_r1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_take_the_following_as_truth_r1_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_take_the_following_as_truth_r2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_take_the_following_as_truth_r2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_take_the_following_as_truth_r3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "anli_take_the_following_as_truth_r3_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "app_reviews_categorize_rating_using_review": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "app_reviews_convert_to_rating": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "app_reviews_convert_to_star_rating": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "app_reviews_generate_review": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cnn_dailymail_3.0.0_2_or_3_sentences": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cnn_dailymail_3.0.0_generate_story": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cnn_dailymail_3.0.0_news_card_view": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cnn_dailymail_3.0.0_news_stock": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cnn_dailymail_3.0.0_news_summary": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cnn_dailymail_3.0.0_spice_up_story": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cnn_dailymail_3.0.0_sum_in_brief": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cnn_dailymail_3.0.0_tldr_summary": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cnn_dailymail_3.0.0_write_an_outline": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "common_gen_Example_prompt": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "common_gen_Given_concepts_type_1": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "common_gen_Given_concepts_type_2": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "common_gen_Put_together": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "common_gen_choice_in_concept_centric_sentence_generation": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "common_gen_random_task_template_prompt": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "common_gen_sentence_to_concepts": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "common_gen_topic_to_sentence": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "common_gen_topics_from_the_sentence": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_aligned_with_common_sense": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_description_question_option_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_description_question_option_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_explain_why_human": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_generate_explanation_given_text": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_i_think": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_question_description_option_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_question_description_option_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_question_option_description_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_question_option_description_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "cos_e_v1.11_rationale": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_context_answer_to_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_context_description_question_answer_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_context_description_question_answer_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_context_description_question_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_context_question_description_answer_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_context_question_description_answer_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_context_question_description_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_description_context_question_answer_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_description_context_question_answer_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_description_context_question_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_no_prompt_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_no_prompt_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "cosmos_qa_only_question_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "dbpedia_14_given_a_choice_of_categories_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "dbpedia_14_given_a_list_of_category_what_does_the_title_belong_to": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "dbpedia_14_given_list_what_category_does_the_paragraph_belong_to": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "dbpedia_14_pick_one_category_for_the_following_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "dream_answer_to_dialogue": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "dream_baseline": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "dream_generate_first_utterance": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "dream_generate_last_utterance": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "dream_read_the_following_conversation_and_answer_the_question": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_ParaphraseRC_answer_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_ParaphraseRC_build_story_around_qa": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_ParaphraseRC_decide_worth_it": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_ParaphraseRC_extract_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_ParaphraseRC_generate_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_ParaphraseRC_generate_question_by_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_ParaphraseRC_movie_director": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_ParaphraseRC_question_answering": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_ParaphraseRC_title_generation": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_SelfRC_answer_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_SelfRC_build_story_around_qa": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_SelfRC_decide_worth_it": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_SelfRC_extract_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_SelfRC_generate_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_SelfRC_generate_question_by_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_SelfRC_movie_director": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_SelfRC_question_answering": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "duorc_SelfRC_title_generation": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "gigaword_TLDR": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "gigaword_first_sentence_title": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "gigaword_generate_summary_for_this": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "gigaword_in_a_nutshell": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "gigaword_make_a_title": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "gigaword_reverse_writing": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "gigaword_write_a_title_for_this_sentence": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "gigaword_write_an_article": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "gigaword_write_its_sentence": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_mrpc_equivalent": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_mrpc_generate_paraphrase": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_mrpc_generate_sentence": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_mrpc_paraphrase": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_mrpc_replace": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_mrpc_same_thing": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_mrpc_want_to_know": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_qqp_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_qqp_duplicate": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_qqp_duplicate_or_not": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_qqp_meaning": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_qqp_quora": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "glue_qqp_same_thing": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Appropriate_continuation_Yes_or_No": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Open_ended_completion": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Open_ended_start": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Predict_ending_with_hint": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Predict_ending_with_hint_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Randomized_prompts_template": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Randomized_prompts_template_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Reversed_appropriate_continuation_Yes_or_No": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Topic_of_the_context": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_Topic_without_the_ending_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_complete_first_then": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_complete_first_then_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_how_ends": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_if_begins_how_continues": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "hellaswag_if_begins_how_continues_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Movie_Expressed_Sentiment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "imdb_Movie_Expressed_Sentiment_2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Negation_template_for_positive_and_negative": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Reviewer_Enjoyment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Reviewer_Enjoyment_Yes_No": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Reviewer_Expressed_Sentiment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Reviewer_Opinion_bad_good_choices": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Reviewer_Sentiment_Feeling": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Sentiment_with_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Text_Expressed_Sentiment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "imdb_Writer_Expressed_Sentiment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "kilt_tasks_hotpotqa_combining_facts": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "kilt_tasks_hotpotqa_complex_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "kilt_tasks_hotpotqa_final_exam": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "kilt_tasks_hotpotqa_formulate": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "kilt_tasks_hotpotqa_straighforward_qa": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "multi_news_distill": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "multi_news_expand_reverse_task_": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "multi_news_summarize": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "multi_news_summary_scenario": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "multi_news_synthesize": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "multi_news_what_are_the_key_points": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "openbookqa_main_choices": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "openbookqa_main_choose_an_answer_with_options": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "openbookqa_main_only_options": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "openbookqa_main_pick_answer_with_options": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "openbookqa_main_pick_using_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "openbookqa_main_which_correct": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "openbookqa_main_which_correct_inverse": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_Concatenation": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_Concatenation_no_label": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_Meaning": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_Meaning_no_label": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "paws_labeled_final_PAWS_ANLI_GPT3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "paws_labeled_final_PAWS_ANLI_GPT3_no_label": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_Rewrite": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_Rewrite_no_label": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_context_question": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_context_question_no_label": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_paraphrase_task": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "paws_labeled_final_task_description_no_label": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "piqa_Correct_the_solution": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "piqa_Correct_the_solution_if_false_from_sol_1": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "piqa_Correct_the_solution_if_false_from_sol_2": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "piqa_Does_this_solution_make_sense_sol1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "piqa_Does_this_solution_make_sense_sol2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "piqa_choose_the_most_appropriate_solution": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "piqa_finish_sentence_with_correct_choice": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "piqa_no_prompt_needed": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "piqa_pick_correct_choice_index": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "piqa_pick_correct_choice_with_choice_given_before_goal": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "piqa_what_is_the_correct_ending": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "qasc_is_correct_1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "qasc_is_correct_2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "qasc_qa_with_combined_facts_1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "qasc_qa_with_separated_facts_1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "qasc_qa_with_separated_facts_2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "qasc_qa_with_separated_facts_3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "qasc_qa_with_separated_facts_4": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "qasc_qa_with_separated_facts_5": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_context_description_question_answer_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_context_description_question_answer_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_context_description_question_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_context_question_answer_description_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_context_question_answer_description_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_context_question_description_answer_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_context_question_description_answer_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_context_question_description_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_description_context_question_answer_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_description_context_question_answer_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_description_context_question_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_no_prompt_id": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quail_no_prompt_text": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quarel_choose_between": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quarel_do_not_use": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quarel_heres_a_story": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quarel_logic_test": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quarel_testing_students": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quartz_answer_question_based_on": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quartz_answer_question_below": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quartz_given_the_fact_answer_the_q": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quartz_having_read_above_passage": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quartz_paragraph_question_plain_concat": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quartz_read_passage_below_choose": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quartz_use_info_from_paragraph_question": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quartz_use_info_from_question_paragraph": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Answer_Friend_Question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Answer_Question_Given_Context": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Answer_Test": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Context_Contains_Answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Find_Answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Found_Context_Online": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Given_Context_Answer_Question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Guess_Answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Guess_Title_For_Context": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_Read_And_Extract_": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "quoref_What_Is_The_Answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_high_Is_this_the_right_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_high_Read_the_article_and_answer_the_question_no_option_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_high_Select_the_best_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_high_Select_the_best_answer_generate_span_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_high_Select_the_best_answer_no_instructions_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_high_Taking_a_test": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_high_Write_a_multi_choice_question_for_the_following_article": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_high_Write_a_multi_choice_question_options_given_": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_middle_Is_this_the_right_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_middle_Read_the_article_and_answer_the_question_no_option_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_middle_Select_the_best_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_middle_Select_the_best_answer_generate_span_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_middle_Select_the_best_answer_no_instructions_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_middle_Taking_a_test": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_middle_Write_a_multi_choice_question_for_the_following_article": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "race_middle_Write_a_multi_choice_question_options_given_": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_background_new_situation_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_background_situation_middle": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_given_background_situation": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_new_situation_background_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_plain_background_situation": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_plain_bottom_hint": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_plain_no_background": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_prompt_beginning": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_prompt_bottom_hint_beginning": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_prompt_bottom_no_hint": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_prompt_mix": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "ropes_read_background_situation": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "rotten_tomatoes_Movie_Expressed_Sentiment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "rotten_tomatoes_Movie_Expressed_Sentiment_2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "rotten_tomatoes_Reviewer_Enjoyment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "rotten_tomatoes_Reviewer_Enjoyment_Yes_No": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "rotten_tomatoes_Reviewer_Expressed_Sentiment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "rotten_tomatoes_Reviewer_Opinion_bad_good_choices": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "rotten_tomatoes_Reviewer_Sentiment_Feeling": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "rotten_tomatoes_Sentiment_with_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "rotten_tomatoes_Text_Expressed_Sentiment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "rotten_tomatoes_Writer_Expressed_Sentiment": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "samsum_Generate_a_summary_for_this_dialogue": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "samsum_Given_the_above_dialogue_write_a_summary": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "samsum_Sum_up_the_following_dialogue": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "samsum_Summarize_": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "samsum_Summarize_this_dialogue_": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "samsum_To_sum_up_this_dialog": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "samsum_Write_a_dialogue_that_match_this_summary": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "sciq_Direct_Question": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "sciq_Direct_Question_Closed_Book_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "sciq_Multiple_Choice": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "sciq_Multiple_Choice_Closed_Book_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "sciq_Multiple_Choice_Question_First": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "social_i_qa_Check_if_a_random_answer_is_valid_or_not": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "social_i_qa_Generate_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "social_i_qa_Generate_the_question_from_the_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "social_i_qa_I_was_wondering": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "social_i_qa_Show_choices_and_generate_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "social_i_qa_Show_choices_and_generate_index": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Jeopardy_with_Context": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Jeopardy_without_Context": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Questions_with_Context": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Questions_with_Context_Without_Prompt_Keywords": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Questions_with_Context_Without_Prompt_Keywords_unanswerable": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"}, "squad_v2_Questions_with_Context_unanswerable": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"}, "squad_v2_Topic_Prediction_Context": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Topic_Prediction_Context_with_randomized_prompt_options": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Topic_Prediction_Context_with_randomized_prompt_options_placed_in_the_end": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Topic_Prediction_Question_and_Answer_Pair": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Trivia": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "squad_v2_Unanwerable_question": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_boolq_GPT_3_Style": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_boolq_I_wonder_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_boolq_after_reading": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_boolq_based_on_the_following_passage": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_boolq_based_on_the_previous_passage": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_boolq_could_you_tell_me_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_boolq_exam": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_boolq_exercise": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_boolq_valid_binary": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_boolq_yes_no_question": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_cb_GPT_3_style": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_cb_GPT_3_style_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_MNLI_crowdsource": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_MNLI_crowdsource_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_always_sometimes_never": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_always_sometimes_never_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_based_on_the_previous_passage": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_based_on_the_previous_passage_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_can_we_infer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_can_we_infer_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_claim_true_false_inconclusive": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_claim_true_false_inconclusive_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_consider_always_sometimes_never": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_consider_always_sometimes_never_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_does_it_follow_that": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_does_it_follow_that_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_does_this_imply": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_does_this_imply_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_guaranteed_possible_impossible": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_guaranteed_possible_impossible_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_guaranteed_true": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_guaranteed_true_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_justified_in_saying": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_justified_in_saying_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_must_be_true": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_must_be_true_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_should_assume": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_should_assume_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_take_the_following_as_truth": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_cb_take_the_following_as_truth_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_copa_C1_or_C2_premise_so_because_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_copa_C1_or_C2_premise_so_because__score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_copa__As_a_result_C1_or_C2_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_copa__As_a_result_C1_or_C2__score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_copa__What_could_happen_next_C1_or_C2_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_copa__What_could_happen_next_C1_or_C2__score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa__which_may_be_caused_by": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa__which_may_be_caused_by_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_copa__why_C1_or_C2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_copa__why_C1_or_C2_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_best_option": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_best_option_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_cause_effect": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_cause_effect_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_choose": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_choose_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_exercise": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_exercise_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_i_am_hesitating": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_i_am_hesitating_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_more_likely": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_more_likely_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_plausible_alternatives": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_copa_plausible_alternatives_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_I_was_going_to_say_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_Would_it_be_good_to_answer_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_confirm": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_correct": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_decide_valid": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_found_this_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_grading": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_is_a_correct_answer_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_is_the_correct_answer_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_multirc_paragraph_question_is_it_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_record_Add_sentence_after_after_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"},
+    "super_glue_record_Add_sentence_after_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"},
+    "super_glue_record_Can_you_figure_out_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_record_GPT_3_style_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"}, "super_glue_record_GPT_3_style_summary_only_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"}, "super_glue_record_GPT_3_style_with_labels_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"}, "super_glue_record_GPT_3_style_with_labels_without_hyphens_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"}, "super_glue_record_GPT_3_style_without_hyphens_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"},
+    "super_glue_record_In_the_question_above_the_placeholder_stands_for": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_record_New_highlight_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"},
+    "super_glue_record_News_article_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"},
+    "super_glue_record_Summary_first_continuation_choices_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.5"},
+    "super_glue_record_What_could_the_placeholder_be_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_record_Which_one_is_the_placeholder_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_record_choose_between": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_record_corrupted": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_record_exercise": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_record_pick_one_option": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_record_the_placeholder_refers_to_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_record_trying_to_decide": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_rte_GPT_3_style": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_rte_GPT_3_style_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_MNLI_crowdsource": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_MNLI_crowdsource_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_based_on_the_previous_passage": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_based_on_the_previous_passage_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_can_we_infer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_can_we_infer_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_does_it_follow_that": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_does_it_follow_that_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_does_this_imply": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_does_this_imply_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_guaranteed_true": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_guaranteed_true_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_justified_in_saying": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_justified_in_saying_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_must_be_true": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_must_be_true_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_should_assume": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_rte_should_assume_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wic_GPT_3_prompt": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wic_GPT_3_prompt_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wic_GPT_3_prompt_with_label": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wic_GPT_3_prompt_with_label_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_affirmation_true_or_false": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_affirmation_true_or_false_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_grammar_homework": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_grammar_homework_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_polysemous": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_polysemous_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_question_context": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_question_context_meaning": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_question_context_meaning_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_question_context_meaning_with_label": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_question_context_meaning_with_label_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_question_context_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_same_sense": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_same_sense_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_similar_sense": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "super_glue_wic_similar_sense_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_GPT_3_Style": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_GPT_3_Style_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_I_think_they_mean": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_I_think_they_mean_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_Who_or_what_is_are": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_Who_or_what_is_are_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_by_p_they_mean": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_by_p_they_mean_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_does_p_stand_for": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_does_p_stand_for_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_does_the_pronoun_refer_to": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_does_the_pronoun_refer_to_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_in_other_words": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_in_other_words_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_p_is_are_r": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_p_is_are_r_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_replaced_with": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_replaced_with_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_the_pronoun_refers_to": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "super_glue_wsc.fixed_the_pronoun_refers_to_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_ABBR": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_ABBR_context_first": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_DESC": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_DESC_context_first": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_ENTY": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_HUM": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_HUM_context_first": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_LOC": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_LOC_context_first": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_NUM": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_NUM_context_first": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_open": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_fine_grained_open_context_first": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_pick_the_best_descriptor": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "trec_trec1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "trec_trec2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_what_category_best_describe": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trec_which_category_best_describes": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trivia_qa_unfiltered_first_person_context": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trivia_qa_unfiltered_formal_description": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trivia_qa_unfiltered_guess_question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trivia_qa_unfiltered_question_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "trivia_qa_unfiltered_question_with_instruction": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "web_questions_get_the_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "web_questions_potential_correct_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "web_questions_question_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "web_questions_short_general_knowledge_q": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "web_questions_whats_the_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_bio_comprehension": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_bio_guess_person": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_bio_key_content": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_bio_what_content": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_bio_who": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "wiki_hop_original_choose_best_object_affirmative_1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "wiki_hop_original_choose_best_object_affirmative_2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "wiki_hop_original_choose_best_object_affirmative_3": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "wiki_hop_original_choose_best_object_interrogative_1": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}, "wiki_hop_original_choose_best_object_interrogative_2": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_hop_original_explain_relation": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_hop_original_generate_object": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_hop_original_generate_subject": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_hop_original_generate_subject_and_object": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_Decide_good_answer": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_Direct_Answer_to_Question": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_Generate_Question_from_Topic": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_Is_This_True_": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_Jeopardy_style": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_Topic_Prediction_Answer_Only": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_Topic_Prediction_Question_Only": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_Topic_Prediction_Question_and_Answer_Pair": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_automatic_system": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_exercise": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiki_qa_found_on_google": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_Replace": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_Replace_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_does_underscore_refer_to": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_does_underscore_refer_to_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_fill_in_the_blank": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_fill_in_the_blank_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_stand_for": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_stand_for_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_underscore_refer_to": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_debiased_underscore_refer_to_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_Replace": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_Replace_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_does_underscore_refer_to": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_does_underscore_refer_to_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_fill_in_the_blank": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_fill_in_the_blank_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_stand_for": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_stand_for_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_underscore_refer_to": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "winogrande_winogrande_xl_underscore_refer_to_score_eval": {"features": {"idx": {"dtype": "int32", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "is_correct": {"dtype": "bool", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}, "weight": {"dtype": "float32", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiqa_does_the_supposed_perturbation_have_an_effect": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiqa_effect_with_label_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiqa_effect_with_string_answer": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiqa_what_is_the_final_step_of_the_following_process": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiqa_what_is_the_missing_first_step": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiqa_what_might_be_the_first_step_of_the_process": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiqa_what_might_be_the_last_step_of_the_process": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "wiqa_which_of_the_following_is_the_supposed_perturbation": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_DOC_boils_down_to_simple_idea_that": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_DOC_given_above_write_one_sentence": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_DOC_how_would_you_rephrase_few_words": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_DOC_tldr": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_DOC_write_summary_of_above": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_article_DOC_summary": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_college_roommate_asked_DOC_so_I_recap": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_read_below_DOC_write_abstract": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_summarize_DOC": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "xsum_summarize_this_DOC_summary": {"features": {"inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "yelp_review_full_based_on_that": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "yelp_review_full_format_rating": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "yelp_review_full_format_score": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "yelp_review_full_format_star": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "yelp_review_full_on_a_scale": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "yelp_review_full_so_i_would": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"},
+    "yelp_review_full_this_place": {"features": {"answer_choices": {"dtype": "string", "shape": [None]}, "inputs": {"dtype": "int32", "shape": [None]}, "inputs_pretokenized": {"dtype": "string", "shape": []}, "targets": {"dtype": "int32", "shape": [None]}, "targets_pretokenized": {"dtype": "string", "shape": []}}, "num_shards": 1, "seqio_version": "0.0.6"}
 }
 
 
+
 def find_task_splits_and_features_dict():
     """Get the task available (list was pre-computed by `print_data_split_sizes.py`), and get the features for each task."""
     task_splits_and_features = defaultdict(dict)
@@ -9552,7 +1132,7 @@ def find_task_splits_and_features_dict():
         for split_name in split_sizes.keys():
             split_info = split_infos[task_name]
             features_dict = split_info["features"]
-            assert split_info["num_shards"] == 1  # TODO -> handle multiple shards
+            assert split_info["num_shards"] == 1 # TODO -> handle multiple shards
 
             if not task_splits_and_features[task_name]:
                 task_splits_and_features[task_name] = {
diff --git a/trec_fine_grained_ABBR/test-00000-of-00001.parquet b/trec_fine_grained_ABBR/test-00000-of-00001.parquet
deleted file mode 100644
index 7924da45555698ae9d466b227f0af7d2abc012dd..0000000000000000000000000000000000000000
--- a/trec_fine_grained_ABBR/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e4665dc0ab9a5c368e4b6076dca1ae1b186944011b9eadeccb0c55bb5c292af8
-size 4762
diff --git a/trec_fine_grained_ABBR/train-00000-of-00001.parquet b/trec_fine_grained_ABBR/train-00000-of-00001.parquet
deleted file mode 100644
index 76025663ac9c98a18a6a34f8a1cf287aa946d8ca..0000000000000000000000000000000000000000
--- a/trec_fine_grained_ABBR/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c8a8c13cfbaa96a47e0a03f3f63c561aa2628e9149e986491eb75a3e5acaa805
-size 8709
diff --git a/trec_fine_grained_ABBR_context_first/test-00000-of-00001.parquet b/trec_fine_grained_ABBR_context_first/test-00000-of-00001.parquet
deleted file mode 100644
index 812c6e0dc746b35538faeddc622cd73c757b6bc9..0000000000000000000000000000000000000000
--- a/trec_fine_grained_ABBR_context_first/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:922b59fcaa7a31a614e7764c32b234dd58d936c2f3b3bd37e86d1dbb12dca8e8
-size 4753
diff --git a/trec_fine_grained_ABBR_context_first/train-00000-of-00001.parquet b/trec_fine_grained_ABBR_context_first/train-00000-of-00001.parquet
deleted file mode 100644
index 6c15b9111ea9d0c9266bca38d565e443fd88bf4a..0000000000000000000000000000000000000000
--- a/trec_fine_grained_ABBR_context_first/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:145b8d5d53982553ab04e500f83bacf91e08bf196616cb1d7243e9f9e08063ea
-size 8723
diff --git a/trec_fine_grained_DESC/test-00000-of-00001.parquet b/trec_fine_grained_DESC/test-00000-of-00001.parquet
deleted file mode 100644
index b4832fab8579cd9b14689ebb0eddbbb1f3d315fc..0000000000000000000000000000000000000000
--- a/trec_fine_grained_DESC/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4f080164ef834bfb632d3662808b4c20e11f58d69dcee25e4d05449871379936
-size 10371
diff --git a/trec_fine_grained_DESC/train-00000-of-00001.parquet b/trec_fine_grained_DESC/train-00000-of-00001.parquet
deleted file mode 100644
index 1bb188a453a94706dbbf515af63fa6b46f3b4df7..0000000000000000000000000000000000000000
--- a/trec_fine_grained_DESC/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c7f38c60a913f2034df0c828fc054f2b595b53083e2aa6aefc453279d71c3071
-size 84554
diff --git a/trec_fine_grained_DESC_context_first/test-00000-of-00001.parquet b/trec_fine_grained_DESC_context_first/test-00000-of-00001.parquet
deleted file mode 100644
index bc69b6a9f5053a1b3b3ec3e6e01d7840832af114..0000000000000000000000000000000000000000
--- a/trec_fine_grained_DESC_context_first/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d7beacd0b5aae07f8e4745dd06a515902e87f904c08722ca2dd1416f18bae6a2
-size 10424
diff --git a/trec_fine_grained_DESC_context_first/train-00000-of-00001.parquet b/trec_fine_grained_DESC_context_first/train-00000-of-00001.parquet
deleted file mode 100644
index c5620800904097e8f52dc79c99ff4171e5a674a1..0000000000000000000000000000000000000000
--- a/trec_fine_grained_DESC_context_first/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:098e8391d3094bf138db447a7e73234c6432b6273a84ec8f24b1126fbe0e6f35
-size 85366
diff --git a/trec_fine_grained_ENTY/test-00000-of-00001.parquet b/trec_fine_grained_ENTY/test-00000-of-00001.parquet
deleted file mode 100644
index 28cb5a6cc683152f8fc3899a9caf17ec2f960a66..0000000000000000000000000000000000000000
--- a/trec_fine_grained_ENTY/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6d5ffe3a5659610004697315478e92ad40957863a913f27e132610e2f1673c4f
-size 14859
diff --git a/trec_fine_grained_ENTY/train-00000-of-00001.parquet b/trec_fine_grained_ENTY/train-00000-of-00001.parquet
deleted file mode 100644
index 513ef0305f8e5e32d432a6dc766c01df4142b45f..0000000000000000000000000000000000000000
--- a/trec_fine_grained_ENTY/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:41ab5728596f31295e88ee976a05ff5df417c462b9a5eb5c6eccdfab50151b55
-size 136124
diff --git a/trec_fine_grained_HUM/test-00000-of-00001.parquet b/trec_fine_grained_HUM/test-00000-of-00001.parquet
deleted file mode 100644
index 8c252accf8794e418542d71ac51991292176302e..0000000000000000000000000000000000000000
--- a/trec_fine_grained_HUM/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8113b80818928799157bc64ebc9ece5432d2fef48fd568029529d5d1d73ad2a5
-size 8985
diff --git a/trec_fine_grained_HUM/train-00000-of-00001.parquet b/trec_fine_grained_HUM/train-00000-of-00001.parquet
deleted file mode 100644
index e88470456a6eac7feac14c6c611077730a4b1b7f..0000000000000000000000000000000000000000
--- a/trec_fine_grained_HUM/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5bec90d2f29cbd7a0b330efe6dc800416da3f0ab19c673051f6aab7ca8c05fbf
-size 111147
diff --git a/trec_fine_grained_HUM_context_first/test-00000-of-00001.parquet b/trec_fine_grained_HUM_context_first/test-00000-of-00001.parquet
deleted file mode 100644
index 6dc4a9846594bed521ec4c055a269f0831614470..0000000000000000000000000000000000000000
--- a/trec_fine_grained_HUM_context_first/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:28c43cd474e2ee3a766c9a6b26f692849717465cfec7763e4fbfad1010e7afbf
-size 8958
diff --git a/trec_fine_grained_HUM_context_first/train-00000-of-00001.parquet b/trec_fine_grained_HUM_context_first/train-00000-of-00001.parquet
deleted file mode 100644
index 08bfe20e9ac3b2ad69536b61bc8d2f044a111204..0000000000000000000000000000000000000000
--- a/trec_fine_grained_HUM_context_first/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:82ac2075f50f9f317a0721eb5b92ccdcd52aa4178200870183e3de0cfb5a5b4c
-size 111552
diff --git a/trec_fine_grained_LOC/test-00000-of-00001.parquet b/trec_fine_grained_LOC/test-00000-of-00001.parquet
deleted file mode 100644
index 265a90d26b442646c039bbd86bdcf64b3c7dc185..0000000000000000000000000000000000000000
--- a/trec_fine_grained_LOC/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d25c81b04dcf67a9392d60e61e02caba2e8e0beb729e3e410f5ce01cc132d6a2
-size 9895
diff --git a/trec_fine_grained_LOC/train-00000-of-00001.parquet b/trec_fine_grained_LOC/train-00000-of-00001.parquet
deleted file mode 100644
index 1da0060a062c60be925d6255320ace2816c70688..0000000000000000000000000000000000000000
--- a/trec_fine_grained_LOC/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7a417ff1ee09edec0046b86c63eb3b80c850626fdeae06ba572dce6b20f2e8c7
-size 63958
diff --git a/trec_fine_grained_LOC_context_first/test-00000-of-00001.parquet b/trec_fine_grained_LOC_context_first/test-00000-of-00001.parquet
deleted file mode 100644
index 896bb6c977d531cf7003f4dcf9c95edb9c369fdf..0000000000000000000000000000000000000000
--- a/trec_fine_grained_LOC_context_first/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:82ba759525e869469cab0cbc4a54815e5ce3530b01e2e462712ab859b04c0b8d
-size 9930
diff --git a/trec_fine_grained_LOC_context_first/train-00000-of-00001.parquet b/trec_fine_grained_LOC_context_first/train-00000-of-00001.parquet
deleted file mode 100644
index 0f2ae249a66825312a4145b5dc93bb87dc8b9657..0000000000000000000000000000000000000000
--- a/trec_fine_grained_LOC_context_first/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:93b20611cb989e3321c904fc45972d90017027d6f1581ead81647311226378b3
-size 64501
diff --git a/trec_fine_grained_NUM/test-00000-of-00001.parquet b/trec_fine_grained_NUM/test-00000-of-00001.parquet
deleted file mode 100644
index c5c6d1897d0a1d61d60a22f3f4be477a64052e76..0000000000000000000000000000000000000000
--- a/trec_fine_grained_NUM/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0c2c60f7ead8e0a26042ab652b36504f15edd70f8f4a65f3918c9f7224ab9b26
-size 13043
diff --git a/trec_fine_grained_NUM/train-00000-of-00001.parquet b/trec_fine_grained_NUM/train-00000-of-00001.parquet
deleted file mode 100644
index c9b81cd0fc4591b4aac2ca2e2e04e5feead45e82..0000000000000000000000000000000000000000
--- a/trec_fine_grained_NUM/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1d59e73c17a3150ae98fdb0dc5f20d9325b26de5ea817bd4738872e33a47409c
-size 74190
diff --git a/trec_fine_grained_NUM_context_first/test-00000-of-00001.parquet b/trec_fine_grained_NUM_context_first/test-00000-of-00001.parquet
deleted file mode 100644
index 75f610b7b937e967940f72395a29ea7ad4c72a50..0000000000000000000000000000000000000000
--- a/trec_fine_grained_NUM_context_first/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2e8fd233d6f911edb2e424bd430f631c69211eedb9ba7b8c182e94f25363d8a0
-size 13118
diff --git a/trec_fine_grained_NUM_context_first/train-00000-of-00001.parquet b/trec_fine_grained_NUM_context_first/train-00000-of-00001.parquet
deleted file mode 100644
index c12c10f624b49c3d10d7ddfce144445c1c81e742..0000000000000000000000000000000000000000
--- a/trec_fine_grained_NUM_context_first/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:de6ec47e2a9a6c84443a9a916dde8277e9759834c7df374b2adffb81d8d1124f
-size 74948
diff --git a/trec_fine_grained_open/test-00000-of-00001.parquet b/trec_fine_grained_open/test-00000-of-00001.parquet
deleted file mode 100644
index 14c618752f9e8146acee6f0cc566f4b7ee89801b..0000000000000000000000000000000000000000
--- a/trec_fine_grained_open/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ef6b43379e5dfd1627ff9660ee8f7331c9e1ddee879ff416d1194f30f0a306ab
-size 34112
diff --git a/trec_fine_grained_open/train-00000-of-00001.parquet b/trec_fine_grained_open/train-00000-of-00001.parquet
deleted file mode 100644
index 3a1b2127e4611bd17aef323f11ddc47f4e387363..0000000000000000000000000000000000000000
--- a/trec_fine_grained_open/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:17f368672ef71e3de1fe0d87efb1ba0bee90310f83ff97aac0214ed7f82ac827
-size 449393
diff --git a/trec_fine_grained_open_context_first/test-00000-of-00001.parquet b/trec_fine_grained_open_context_first/test-00000-of-00001.parquet
deleted file mode 100644
index 6d4d7b3f5f1fd0c4137e8ba89b1d332e91cc7b43..0000000000000000000000000000000000000000
--- a/trec_fine_grained_open_context_first/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f5a1fb6fa45cb10734e883cecbcd2b908cd882b4f26a8ca72a3dc8506dc20d0f
-size 34433
diff --git a/trec_fine_grained_open_context_first/train-00000-of-00001.parquet b/trec_fine_grained_open_context_first/train-00000-of-00001.parquet
deleted file mode 100644
index ab3350b7ce2f643d96b182892986e95e437f2e64..0000000000000000000000000000000000000000
--- a/trec_fine_grained_open_context_first/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:36858a9972d109986a0e65f1545d7ed3e881a1b4f6637145658bf7fb8d728f90
-size 453502
diff --git a/trec_pick_the_best_descriptor/test-00000-of-00001.parquet b/trec_pick_the_best_descriptor/test-00000-of-00001.parquet
deleted file mode 100644
index 973649be8bc74a41e3768021926a4bcea08dd856..0000000000000000000000000000000000000000
--- a/trec_pick_the_best_descriptor/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9a7af3114fea85be774d33d6374becb13e1e579fe478e53290c365e4552e0279
-size 35124
diff --git a/trec_pick_the_best_descriptor/train-00000-of-00001.parquet b/trec_pick_the_best_descriptor/train-00000-of-00001.parquet
deleted file mode 100644
index 877bd717af3e5256b1dccce82395da38e90efd8a..0000000000000000000000000000000000000000
--- a/trec_pick_the_best_descriptor/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bd09d080b91d850a6803e94b0293f3e350629624d3ca8cfc0a4865560713152d
-size 466328
diff --git a/trec_trec1/test-00000-of-00001.parquet b/trec_trec1/test-00000-of-00001.parquet
deleted file mode 100644
index 331ce049ccd700fc39cc442b163bb7c4ced98d13..0000000000000000000000000000000000000000
--- a/trec_trec1/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c09c8cb09ec9fba56204480cb5ee050ad12299f37014b7ee05083cbdff6ea99b
-size 34185
diff --git a/trec_trec1/train-00000-of-00001.parquet b/trec_trec1/train-00000-of-00001.parquet
deleted file mode 100644
index f8d9828a362f2213ec45923fcf4029c65fe039fe..0000000000000000000000000000000000000000
--- a/trec_trec1/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b18cb6c52fffcefb51bf4e9bf0b4b5a549c00043260a650a5ef6dd8cb9f042a
-size 457947
diff --git a/trec_trec2/test-00000-of-00001.parquet b/trec_trec2/test-00000-of-00001.parquet
deleted file mode 100644
index cfc88beab1631d4b6b90b6a8ec78b43af8f515d3..0000000000000000000000000000000000000000
--- a/trec_trec2/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fd2c503655a866b3d855ce25ec2db24fd5c0a21d41bf1416af0559b347b13c85
-size 34499
diff --git a/trec_trec2/train-00000-of-00001.parquet b/trec_trec2/train-00000-of-00001.parquet
deleted file mode 100644
index fe28c24e9291a1c0dda7a3fd0c11fac174697326..0000000000000000000000000000000000000000
--- a/trec_trec2/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:98a7618641e2e72db1638d2f5c46b1b471d867bd1f3f4f46edc5846abe4b8912
-size 458453
diff --git a/trec_what_category_best_describe/test-00000-of-00001.parquet b/trec_what_category_best_describe/test-00000-of-00001.parquet
deleted file mode 100644
index fb18e59c03ab94ad83f2bd64bec0cc37b60674ac..0000000000000000000000000000000000000000
--- a/trec_what_category_best_describe/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c4632c34dcd149cfeb5921cf2b17c94689fe2cf0165718b774a7f309948410f4
-size 35193
diff --git a/trec_what_category_best_describe/train-00000-of-00001.parquet b/trec_what_category_best_describe/train-00000-of-00001.parquet
deleted file mode 100644
index 5ddf4b43dc70a451074d4fc2bfd60014ebbc4138..0000000000000000000000000000000000000000
--- a/trec_what_category_best_describe/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:54c62db07320e8186d25fcca542c5f366fc26d1cdba8a30bb1581eddba2f7d56
-size 465174
diff --git a/trec_which_category_best_describes/test-00000-of-00001.parquet b/trec_which_category_best_describes/test-00000-of-00001.parquet
deleted file mode 100644
index f006ed9a21b174a984f7d345bd6632122497743b..0000000000000000000000000000000000000000
--- a/trec_which_category_best_describes/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5ac24601a599427553b2ac38a39ef0b7941fec45dabc168a71e1e4730ed31f13
-size 36304
diff --git a/trec_which_category_best_describes/train-00000-of-00001.parquet b/trec_which_category_best_describes/train-00000-of-00001.parquet
deleted file mode 100644
index bbe87dd456f14721550032b68a5b86b2e47903e6..0000000000000000000000000000000000000000
--- a/trec_which_category_best_describes/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f6eec82a3f66456b696b2b1b752f6e7aef9b4d5ca5658d52bf4ef0b1a58e225e
-size 475680
diff --git a/trivia_qa_unfiltered_first_person_context/test-00000-of-00001.parquet b/trivia_qa_unfiltered_first_person_context/test-00000-of-00001.parquet
deleted file mode 100644
index 62e05e6904fc9b96c9f7050e52c5d30dc8ab5e2a..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_first_person_context/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3d3b2c24bd823c056c6bc656f36afbfbf8a10b509433d687b695108e574ba4a0
-size 1247896
diff --git a/trivia_qa_unfiltered_first_person_context/train-00000-of-00001.parquet b/trivia_qa_unfiltered_first_person_context/train-00000-of-00001.parquet
deleted file mode 100644
index 97a2cf03e2218dc382ac47862deaa305089926b4..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_first_person_context/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b079b6d88220add009313ae8749489c275874be89b649763eda0b1a4b2f90e84
-size 12918335
diff --git a/trivia_qa_unfiltered_first_person_context/validation-00000-of-00001.parquet b/trivia_qa_unfiltered_first_person_context/validation-00000-of-00001.parquet
deleted file mode 100644
index 0cee31f61b583f1928174778025f3b2ffc922568..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_first_person_context/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1d0c1c029036d29ee53c15df34e180ed260ca16a18a39cb9e0c821af40db1241
-size 1703288
diff --git a/trivia_qa_unfiltered_formal_description/test-00000-of-00001.parquet b/trivia_qa_unfiltered_formal_description/test-00000-of-00001.parquet
deleted file mode 100644
index e14bc502cc30755090478c2fc7281ddedd6b5187..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_formal_description/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a1073a96860e319b73a0b43b35679a44de52896f73a7ae463cb53b1698ce9590
-size 1344118
diff --git a/trivia_qa_unfiltered_formal_description/train-00000-of-00001.parquet b/trivia_qa_unfiltered_formal_description/train-00000-of-00001.parquet
deleted file mode 100644
index ea02918077f53a98cc01b00dc66da01f1f083b60..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_formal_description/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3cddbe29fc664da216f0047e215111111069794a54d5875d2eac32f45598e8a2
-size 13692426
diff --git a/trivia_qa_unfiltered_formal_description/validation-00000-of-00001.parquet b/trivia_qa_unfiltered_formal_description/validation-00000-of-00001.parquet
deleted file mode 100644
index ed8a5e31aef74b46fe69755ccc62dfa243898f9b..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_formal_description/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7d3d98e0058126384bb531ca23da9851d35c73dc2981ffef529da007e6a03a91
-size 1805249
diff --git a/trivia_qa_unfiltered_guess_question/train-00000-of-00001.parquet b/trivia_qa_unfiltered_guess_question/train-00000-of-00001.parquet
deleted file mode 100644
index 94a6a88f6db23915ef19c161294ddac0cfb57dfd..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_guess_question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3192a5666b3dc6444fe44c8c260928d1a2ddcea468104a09c0faabf01869907b
-size 13121119
diff --git a/trivia_qa_unfiltered_guess_question/validation-00000-of-00001.parquet b/trivia_qa_unfiltered_guess_question/validation-00000-of-00001.parquet
deleted file mode 100644
index ff5995216c2e870591dbbcf3a3bdc8517f7aecce..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_guess_question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:24518e55ea66b3019d5120a166af49c97163bda48b6d1765081d97e048b129f8
-size 1728685
diff --git a/trivia_qa_unfiltered_question_answer/test-00000-of-00001.parquet b/trivia_qa_unfiltered_question_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 3f21f69885ce350fdd29447acedb06773b826e46..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_question_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f8d5e2b0b18fab6ec3e9ad4b1619fa10a0c602da605b9fce7af714c4db9c98b0
-size 1260501
diff --git a/trivia_qa_unfiltered_question_answer/train-00000-of-00001.parquet b/trivia_qa_unfiltered_question_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 436c92ca46c3aa886bcc74a7cd44e52de9370abe..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_question_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:baaede6b5daead2bc2828de60f799531e3edcc06dac089596ae927482d94f4f9
-size 13015529
diff --git a/trivia_qa_unfiltered_question_answer/validation-00000-of-00001.parquet b/trivia_qa_unfiltered_question_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index d05ac1e9617b69a7792b8c5ad81eaee19a4ed79d..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_question_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5124fffe94758e93dd7bfd01a1b13d8bf7ca642a8c6c899a73fba6118fd75b2e
-size 1716481
diff --git a/trivia_qa_unfiltered_question_with_instruction/test-00000-of-00001.parquet b/trivia_qa_unfiltered_question_with_instruction/test-00000-of-00001.parquet
deleted file mode 100644
index 2100f751fce5de14c1848d08b45dd74ff01c24bb..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_question_with_instruction/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ef794be012a266530f24f603ce9de62e48b68216be49c6a78a4f2d544f678f60
-size 1249755
diff --git a/trivia_qa_unfiltered_question_with_instruction/train-00000-of-00001.parquet b/trivia_qa_unfiltered_question_with_instruction/train-00000-of-00001.parquet
deleted file mode 100644
index 06b532e075b4874e1717ecc8fa5a77bb2561c32d..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_question_with_instruction/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b4fbc4b44a9d8f7b1d5ae71fbc997f212326e111712c059231c89eaa3ed1bc82
-size 12931562
diff --git a/trivia_qa_unfiltered_question_with_instruction/validation-00000-of-00001.parquet b/trivia_qa_unfiltered_question_with_instruction/validation-00000-of-00001.parquet
deleted file mode 100644
index 56920a9d83cefe6929952cdf668675e804d6b712..0000000000000000000000000000000000000000
--- a/trivia_qa_unfiltered_question_with_instruction/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0e0db529ba420b3fe4cfbd3d53b11045ec6d87d7aa2425aca830ea0691796f48
-size 1704767
diff --git a/web_questions_get_the_answer/test-00000-of-00001.parquet b/web_questions_get_the_answer/test-00000-of-00001.parquet
deleted file mode 100644
index e23f85b6c55350dab46ae16782efb743cf802fa1..0000000000000000000000000000000000000000
--- a/web_questions_get_the_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e25b18357ed9551166a3ed7fd3a92b0f8c31d91a88231a9f9da65996e946fc14
-size 174950
diff --git a/web_questions_get_the_answer/train-00000-of-00001.parquet b/web_questions_get_the_answer/train-00000-of-00001.parquet
deleted file mode 100644
index e43591946435d431ee5b69d3e3b514e3082caf25..0000000000000000000000000000000000000000
--- a/web_questions_get_the_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1a2b136888fec0a14e578ec0930a977d9586cc8ea1227b849611eb7ccaa6ce9a
-size 314963
diff --git a/web_questions_potential_correct_answer/test-00000-of-00001.parquet b/web_questions_potential_correct_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 06f01d49e3ab7e2547db870daec4408b06a1cdd8..0000000000000000000000000000000000000000
--- a/web_questions_potential_correct_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:071fb8c7ed2b259ab049d6da1e6957d0416290df939e0d308f0b5e312965e44a
-size 176507
diff --git a/web_questions_potential_correct_answer/train-00000-of-00001.parquet b/web_questions_potential_correct_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 88a7c54655051019b2fe8679b49136747ab1c836..0000000000000000000000000000000000000000
--- a/web_questions_potential_correct_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dd39089969e05bb35ecd42014a706fa8f50ab23537313a8fec19aa56c55f0d35
-size 319260
diff --git a/web_questions_question_answer/test-00000-of-00001.parquet b/web_questions_question_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 4530b77ba61d0a6e79a64ee68c61694df97d5eab..0000000000000000000000000000000000000000
--- a/web_questions_question_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fde84d720c5b4441708fc6f0fa685236179697a0f61519d85057d94df9ad8b1d
-size 164999
diff --git a/web_questions_question_answer/train-00000-of-00001.parquet b/web_questions_question_answer/train-00000-of-00001.parquet
deleted file mode 100644
index c556cee06b8fbecd3a40d1fd17dc59ec529668b7..0000000000000000000000000000000000000000
--- a/web_questions_question_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5a41dcadaff17f27cebdf4d30307d3828b95ab0ffd80a06f6e9d59c2bcb692ee
-size 298025
diff --git a/web_questions_short_general_knowledge_q/test-00000-of-00001.parquet b/web_questions_short_general_knowledge_q/test-00000-of-00001.parquet
deleted file mode 100644
index 00e115b2c122b90944c4b889a7393acc2c7b4549..0000000000000000000000000000000000000000
--- a/web_questions_short_general_knowledge_q/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f58d61d6f205f2b5e7016e2d80129cd674e55a6f722a253b01f7d5797cf155f2
-size 170969
diff --git a/web_questions_short_general_knowledge_q/train-00000-of-00001.parquet b/web_questions_short_general_knowledge_q/train-00000-of-00001.parquet
deleted file mode 100644
index 921a36610c0cc2af7c531aaa034690a74644148b..0000000000000000000000000000000000000000
--- a/web_questions_short_general_knowledge_q/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:63632829a7c8f11d0cc5c293c0f23ba608b05e750d73a0d410e33db288154391
-size 309216
diff --git a/web_questions_whats_the_answer/test-00000-of-00001.parquet b/web_questions_whats_the_answer/test-00000-of-00001.parquet
deleted file mode 100644
index ba8cbfea3a88cfcc7d72d73672dff50d53669261..0000000000000000000000000000000000000000
--- a/web_questions_whats_the_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:970f7dcfbc63b0085fe5ec319e89da40d09ebe426d9a1f60310b9e70e37365cb
-size 174139
diff --git a/web_questions_whats_the_answer/train-00000-of-00001.parquet b/web_questions_whats_the_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 3344afff025f6debe79b9b1a68c49b930ae989c1..0000000000000000000000000000000000000000
--- a/web_questions_whats_the_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0465a7011d024f1bc4ce81383a72c6484166a5996d1d708a298694d09b406c8d
-size 314163
diff --git a/wiki_bio_comprehension/test-00000-of-00001.parquet b/wiki_bio_comprehension/test-00000-of-00001.parquet
deleted file mode 100644
index f0f3e6805eace9c8710f7fee08f2f4dfe79982ea..0000000000000000000000000000000000000000
--- a/wiki_bio_comprehension/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:04ecead273f605c3648834c8eb684ecd6301674fd2fb1c5b42f78cd905b2c714
-size 88723796
diff --git a/wiki_bio_comprehension/train-00000-of-00004.parquet b/wiki_bio_comprehension/train-00000-of-00004.parquet
deleted file mode 100644
index d439cb6696efbd9dc45e66430cc37da04f312efb..0000000000000000000000000000000000000000
--- a/wiki_bio_comprehension/train-00000-of-00004.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:701118920f43eb4de7a2280e5cf05abfe6c21fe9f39809c9a6900915326f1a49
-size 177836112
diff --git a/wiki_bio_comprehension/train-00001-of-00004.parquet b/wiki_bio_comprehension/train-00001-of-00004.parquet
deleted file mode 100644
index 09f32835478b1d0847f938e3c9de05cdfdae75f8..0000000000000000000000000000000000000000
--- a/wiki_bio_comprehension/train-00001-of-00004.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:93eaf8735563aa4e1a8381cbff61dfc00814c40542c99e742716e02ed530ea03
-size 177465612
diff --git a/wiki_bio_comprehension/train-00002-of-00004.parquet b/wiki_bio_comprehension/train-00002-of-00004.parquet
deleted file mode 100644
index 2b6e82fe7c22458cc12cdce783c1ec27f5deb83a..0000000000000000000000000000000000000000
--- a/wiki_bio_comprehension/train-00002-of-00004.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f0257a5cc5463a7db82e9395351ff65cbdf2ab545beb9d1030391dbaccf26285
-size 178344127
diff --git a/wiki_bio_comprehension/train-00003-of-00004.parquet b/wiki_bio_comprehension/train-00003-of-00004.parquet
deleted file mode 100644
index b1ea470a0239ca368501c0650a138b80830e82e1..0000000000000000000000000000000000000000
--- a/wiki_bio_comprehension/train-00003-of-00004.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4c51c557b4d79db16a2e95cc05331d969ddfa1f5aa173981d676d70a144c8790
-size 177472044
diff --git a/wiki_bio_comprehension/val-00000-of-00001.parquet b/wiki_bio_comprehension/val-00000-of-00001.parquet
deleted file mode 100644
index 02b89c99cece28121d61e6bf0342ab4b71c55a67..0000000000000000000000000000000000000000
--- a/wiki_bio_comprehension/val-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f1e9910d5e6bfe533b1786a75dd84f9adf22bee8513ca4707fb83edf451245a1
-size 88986423
diff --git a/wiki_bio_guess_person/test-00000-of-00001.parquet b/wiki_bio_guess_person/test-00000-of-00001.parquet
deleted file mode 100644
index 87c2db4986964fd3902a0081ba33cef835776c24..0000000000000000000000000000000000000000
--- a/wiki_bio_guess_person/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:4419e2654497e731790ce6e93eadb7aac5f1b8492ccd4e1ca1af5b458ccfb30c
-size 36924771
diff --git a/wiki_bio_guess_person/train-00000-of-00002.parquet b/wiki_bio_guess_person/train-00000-of-00002.parquet
deleted file mode 100644
index 6ab1887869f27518501f8a2105054399b12fe969..0000000000000000000000000000000000000000
--- a/wiki_bio_guess_person/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5941e2c380bd4b8e24cf1582c1e285e63b6d47ea5293f9f1b47ffc630cb8a7a0
-size 147473321
diff --git a/wiki_bio_guess_person/train-00001-of-00002.parquet b/wiki_bio_guess_person/train-00001-of-00002.parquet
deleted file mode 100644
index 95a2704e553b0a88798de23f2a7593bb1499ae53..0000000000000000000000000000000000000000
--- a/wiki_bio_guess_person/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a9dda6c523f498f79fbdad78ee20a5a58989ac21e79a3b29ce4bcdc72d9d323e
-size 148029370
diff --git a/wiki_bio_guess_person/val-00000-of-00001.parquet b/wiki_bio_guess_person/val-00000-of-00001.parquet
deleted file mode 100644
index 3fa7e389b9f20b442f969fcb64359be0b8d737dc..0000000000000000000000000000000000000000
--- a/wiki_bio_guess_person/val-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7fb5e1a1c51b47ac8635b008dec97f0dc81d5b375366fb408ab858f7f755dcaa
-size 37038242
diff --git a/wiki_bio_key_content/test-00000-of-00001.parquet b/wiki_bio_key_content/test-00000-of-00001.parquet
deleted file mode 100644
index e1a6715967139225af8b389bdb673209efdd2988..0000000000000000000000000000000000000000
--- a/wiki_bio_key_content/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b8b41f3d1d4a6a05854293e67f43931a11a78e87414c4bb1dcd31c037a0c8d3f
-size 80360852
diff --git a/wiki_bio_key_content/train-00000-of-00003.parquet b/wiki_bio_key_content/train-00000-of-00003.parquet
deleted file mode 100644
index 88a96e893e54279341d148c46b831c459d4e7b3f..0000000000000000000000000000000000000000
--- a/wiki_bio_key_content/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7bcb95dcf2980d6f0acf043f529fe7d5d231d75ee6256e53dcc8bc0bda8978cc
-size 214654900
diff --git a/wiki_bio_key_content/train-00001-of-00003.parquet b/wiki_bio_key_content/train-00001-of-00003.parquet
deleted file mode 100644
index c1ac464546eb6161e2670f4f3baeeef708654cec..0000000000000000000000000000000000000000
--- a/wiki_bio_key_content/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9013f81b81101e78cd5d556e222be12dcc0e25e29b130e8a8a0ef18fbc896783
-size 215177021
diff --git a/wiki_bio_key_content/train-00002-of-00003.parquet b/wiki_bio_key_content/train-00002-of-00003.parquet
deleted file mode 100644
index 978df4144be82fdc04f969cff1794736341052cd..0000000000000000000000000000000000000000
--- a/wiki_bio_key_content/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ca3ec43b0318fe658b2c80d107efcfcde0f746dc24c1f35eb853037df6cfd7b0
-size 214447335
diff --git a/wiki_bio_key_content/val-00000-of-00001.parquet b/wiki_bio_key_content/val-00000-of-00001.parquet
deleted file mode 100644
index d16be3cedc7ae75f694f25cbb881973cba6abb8f..0000000000000000000000000000000000000000
--- a/wiki_bio_key_content/val-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bc8cd62a0a880998ca49e3a2a7795bcc37623f49e8a370f0db0f78cd9317f862
-size 80437393
diff --git a/wiki_bio_what_content/test-00000-of-00001.parquet b/wiki_bio_what_content/test-00000-of-00001.parquet
deleted file mode 100644
index 86a3ae2b1aee645509bfccd69136460ee30d580e..0000000000000000000000000000000000000000
--- a/wiki_bio_what_content/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:837b8c8b27ea5cf57c607ef77676473e5df60943c29133f9e06645bab60568f7
-size 50936004
diff --git a/wiki_bio_what_content/train-00000-of-00003.parquet b/wiki_bio_what_content/train-00000-of-00003.parquet
deleted file mode 100644
index e864454e3f3063368dbcde04de3d684c76fb6337..0000000000000000000000000000000000000000
--- a/wiki_bio_what_content/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8b7844f524f4fc2a2cdd20bcf1cdd492e51ee8cae8c45cfa927ba5537e9a16dc
-size 135919405
diff --git a/wiki_bio_what_content/train-00001-of-00003.parquet b/wiki_bio_what_content/train-00001-of-00003.parquet
deleted file mode 100644
index bba7ea67c28b005041b1d933bb33193d1f2aaa64..0000000000000000000000000000000000000000
--- a/wiki_bio_what_content/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1a7f8472cbc566042902af55dade97a08edc79186e9f06f668e5f6f55cf9b031
-size 136320687
diff --git a/wiki_bio_what_content/train-00002-of-00003.parquet b/wiki_bio_what_content/train-00002-of-00003.parquet
deleted file mode 100644
index 3ba983e54cd2f608203b6451da446f2d360fe23c..0000000000000000000000000000000000000000
--- a/wiki_bio_what_content/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c81e13ceba0ef52d3384606d8cb03e78a58f7ff2c20bd4206ea52d3bb505f823
-size 135748102
diff --git a/wiki_bio_what_content/val-00000-of-00001.parquet b/wiki_bio_what_content/val-00000-of-00001.parquet
deleted file mode 100644
index 2532cb231d8976f0d6729f251655b015357b9eed..0000000000000000000000000000000000000000
--- a/wiki_bio_what_content/val-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b1342149584e55a57ae03bf1abf1c9ea17aa77eef5f9576582c526482c3bf49d
-size 50987586
diff --git a/wiki_bio_who/test-00000-of-00001.parquet b/wiki_bio_who/test-00000-of-00001.parquet
deleted file mode 100644
index 9b78ad22d5757c48e5880cce2e1dc567eb875808..0000000000000000000000000000000000000000
--- a/wiki_bio_who/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1307ca89cd8e5fe6e9c5bc262ddcb685a3e264516ac824cd93da418547628db1
-size 80716851
diff --git a/wiki_bio_who/train-00000-of-00003.parquet b/wiki_bio_who/train-00000-of-00003.parquet
deleted file mode 100644
index 1be71f7accad73e7312febd6e661ac96c7e61c9b..0000000000000000000000000000000000000000
--- a/wiki_bio_who/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e3077fdca212271f0b144fcebb02785dcac9466a2e3cc476af5c7733fb1cc0fe
-size 215437293
diff --git a/wiki_bio_who/train-00001-of-00003.parquet b/wiki_bio_who/train-00001-of-00003.parquet
deleted file mode 100644
index e73144b1abd2afdbe92c99aa13b58316416669e8..0000000000000000000000000000000000000000
--- a/wiki_bio_who/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c51f18c6f1eaf87f3138327c5964468fce0485ecdc7f47cbd0d2be1ec1b96bf4
-size 215954769
diff --git a/wiki_bio_who/train-00002-of-00003.parquet b/wiki_bio_who/train-00002-of-00003.parquet
deleted file mode 100644
index f5360f6111da4b94df7202101db3151e91783863..0000000000000000000000000000000000000000
--- a/wiki_bio_who/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8ebd540eaf7b1c3ffa481d24b037965b91f581c208b0132205293253a8e9c719
-size 215349185
diff --git a/wiki_bio_who/val-00000-of-00001.parquet b/wiki_bio_who/val-00000-of-00001.parquet
deleted file mode 100644
index ea3f1409bc36237cb8193d74e800dc9ea945fadb..0000000000000000000000000000000000000000
--- a/wiki_bio_who/val-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7bb74c405a4d0fa469f22b8e08a58a14cd7c0a23254230f9cb40cb705c134ab4
-size 80984436
diff --git a/wiki_hop_original_choose_best_object_affirmative_1/train-00000-of-00002.parquet b/wiki_hop_original_choose_best_object_affirmative_1/train-00000-of-00002.parquet
deleted file mode 100644
index b8ee21eb4797e662e86f44b0b8c2f589afeb37ba..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_affirmative_1/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7fd6ddfe1017b3352403d1a90f6b3718c6c5998b0650435beef4d9ff5ffa0ad9
-size 168929709
diff --git a/wiki_hop_original_choose_best_object_affirmative_1/train-00001-of-00002.parquet b/wiki_hop_original_choose_best_object_affirmative_1/train-00001-of-00002.parquet
deleted file mode 100644
index 3634be7db8bd874226965514de1848cf1f90f086..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_affirmative_1/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:86069b2d1a50bdc4169a1bdaa1737f3a7041321e786ff00fa904bee58c140ed1
-size 173783073
diff --git a/wiki_hop_original_choose_best_object_affirmative_1/validation-00000-of-00001.parquet b/wiki_hop_original_choose_best_object_affirmative_1/validation-00000-of-00001.parquet
deleted file mode 100644
index 3cd0daee269d734a9c7f8ee17df455ed117418c1..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_affirmative_1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:36bcad9cb7271546694d0b83f5516dd879c226e717c37b40eef4255e3e86193a
-size 42962667
diff --git a/wiki_hop_original_choose_best_object_affirmative_2/train-00000-of-00002.parquet b/wiki_hop_original_choose_best_object_affirmative_2/train-00000-of-00002.parquet
deleted file mode 100644
index 25aa50c46dea93cdfcca97166d2e584fb2a95944..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_affirmative_2/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:92701ea77b71dc61c26a4e3062df93fafa4d30dc0e502e6163a78e801868f558
-size 169005911
diff --git a/wiki_hop_original_choose_best_object_affirmative_2/train-00001-of-00002.parquet b/wiki_hop_original_choose_best_object_affirmative_2/train-00001-of-00002.parquet
deleted file mode 100644
index a9ab7d08d57b931088d9d555a426d24d15d5743d..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_affirmative_2/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e80ae0d1c734bc981c507d984f275fc2b08a18900c552a69a22df2ae7a5b41ae
-size 173807085
diff --git a/wiki_hop_original_choose_best_object_affirmative_2/validation-00000-of-00001.parquet b/wiki_hop_original_choose_best_object_affirmative_2/validation-00000-of-00001.parquet
deleted file mode 100644
index ddd96e9966ef0618b20bccc7b60b48d407a52ac3..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_affirmative_2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:36f561bb2be1ab83961965f578de36309ae5fb4ebc54214ec8e164f50a48c754
-size 42967791
diff --git a/wiki_hop_original_choose_best_object_affirmative_3/train-00000-of-00002.parquet b/wiki_hop_original_choose_best_object_affirmative_3/train-00000-of-00002.parquet
deleted file mode 100644
index 238fdf59d382e3f75f7687661aec00bf5def2502..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_affirmative_3/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:802e2857125d48f8fcb0344c090e3937157e7a3a5639ce85719cca916067b030
-size 169277418
diff --git a/wiki_hop_original_choose_best_object_affirmative_3/train-00001-of-00002.parquet b/wiki_hop_original_choose_best_object_affirmative_3/train-00001-of-00002.parquet
deleted file mode 100644
index 05e3fb0e3972ba448229dbfffa88a59c68641d7c..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_affirmative_3/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b808d7f071183f192dc2204bb8e9f58fbee4f85029cdbb92d907689c73ad323d
-size 174159848
diff --git a/wiki_hop_original_choose_best_object_affirmative_3/validation-00000-of-00001.parquet b/wiki_hop_original_choose_best_object_affirmative_3/validation-00000-of-00001.parquet
deleted file mode 100644
index 397e0a966fb46b6e8a24bf5a5a8ceee9433da151..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_affirmative_3/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a400c2903b85f32d061087cfa8997de61d40ce4c5a85302566d286df9198ee72
-size 43079338
diff --git a/wiki_hop_original_choose_best_object_interrogative_1/train-00000-of-00002.parquet b/wiki_hop_original_choose_best_object_interrogative_1/train-00000-of-00002.parquet
deleted file mode 100644
index 2213be5d17271398da1d0e5b573b20b71eef72c1..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_interrogative_1/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bb50c2f745caaf8442acb2cab8b22a08c9bf4ff44892e1c63b68a9790831d3b5
-size 168637704
diff --git a/wiki_hop_original_choose_best_object_interrogative_1/train-00001-of-00002.parquet b/wiki_hop_original_choose_best_object_interrogative_1/train-00001-of-00002.parquet
deleted file mode 100644
index 52dd6bf73d16231ad63ba6236510756db9cbaeb0..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_interrogative_1/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:69a594bd81edc014e740a2d248ace178b22ad6151c802075404e4eafe68efa83
-size 173339401
diff --git a/wiki_hop_original_choose_best_object_interrogative_1/validation-00000-of-00001.parquet b/wiki_hop_original_choose_best_object_interrogative_1/validation-00000-of-00001.parquet
deleted file mode 100644
index c740daed43b1e09f77cbd041174bbebcc90fb978..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_interrogative_1/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:03cc532bf94b40d3be9ca5f76905fb80b2e7f2575a5de269a2050e486b9c5874
-size 42911438
diff --git a/wiki_hop_original_choose_best_object_interrogative_2/train-00000-of-00002.parquet b/wiki_hop_original_choose_best_object_interrogative_2/train-00000-of-00002.parquet
deleted file mode 100644
index b07f484947e415da4b6d02f10f9ce68471ba4f0e..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_interrogative_2/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:412b0b4ec16d6eca6b7908a74f459ec9de20e8ec1419cd131dcc0e7bdb926725
-size 168737528
diff --git a/wiki_hop_original_choose_best_object_interrogative_2/train-00001-of-00002.parquet b/wiki_hop_original_choose_best_object_interrogative_2/train-00001-of-00002.parquet
deleted file mode 100644
index 5e90e84c2af7289d4793c6926393b690ca50c95b..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_interrogative_2/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1e89fceab8bb4b3a3469e62c83567569384d3cb03baa76ed39fa1e9e52d63912
-size 173394206
diff --git a/wiki_hop_original_choose_best_object_interrogative_2/validation-00000-of-00001.parquet b/wiki_hop_original_choose_best_object_interrogative_2/validation-00000-of-00001.parquet
deleted file mode 100644
index 5e60da27f5d88ceaca80f01d10d4259e574caa5e..0000000000000000000000000000000000000000
--- a/wiki_hop_original_choose_best_object_interrogative_2/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:86d92e24715a3ac62fb90d6bbc337969b539cb8eb383d11c9b48bf60b81bd660
-size 42936203
diff --git a/wiki_hop_original_explain_relation/train-00000-of-00002.parquet b/wiki_hop_original_explain_relation/train-00000-of-00002.parquet
deleted file mode 100644
index d8703d0815ebfe180d4fdc3511d1b606388157a0..0000000000000000000000000000000000000000
--- a/wiki_hop_original_explain_relation/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f823e9cff9e0046eecff45e41d3fbc824bee5519174543dc117ad0913a2010c4
-size 160389935
diff --git a/wiki_hop_original_explain_relation/train-00001-of-00002.parquet b/wiki_hop_original_explain_relation/train-00001-of-00002.parquet
deleted file mode 100644
index d32ffb53014e4600c38c084c483e8def441b9eb2..0000000000000000000000000000000000000000
--- a/wiki_hop_original_explain_relation/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1cf5d7e273a6b2a76725936206aacb69bfdab81933e313f01838c1acfa8c50c5
-size 164838890
diff --git a/wiki_hop_original_explain_relation/validation-00000-of-00001.parquet b/wiki_hop_original_explain_relation/validation-00000-of-00001.parquet
deleted file mode 100644
index 454b4670d56a44641ac621278ea3197fcb5d9df6..0000000000000000000000000000000000000000
--- a/wiki_hop_original_explain_relation/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b7bb1cd3c5016878af79a7ad9cc52210e07c8925b43bee520eaa647fbfc70d91
-size 40775741
diff --git a/wiki_hop_original_generate_object/train-00000-of-00002.parquet b/wiki_hop_original_generate_object/train-00000-of-00002.parquet
deleted file mode 100644
index 2a5d91cdfcdb55b228625710a82db978c3f1c22d..0000000000000000000000000000000000000000
--- a/wiki_hop_original_generate_object/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:64570347494b87e9f128c2afa9243e12a7c8229bc699bb735e410318a2d8b90f
-size 160735264
diff --git a/wiki_hop_original_generate_object/train-00001-of-00002.parquet b/wiki_hop_original_generate_object/train-00001-of-00002.parquet
deleted file mode 100644
index eb9f7eafef5c2c47d473e4ed30d5b2de11a26013..0000000000000000000000000000000000000000
--- a/wiki_hop_original_generate_object/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d45627d4823017c200173b0ed3bc991507d23503c23abaae846ef3ceb8ac94c5
-size 165109414
diff --git a/wiki_hop_original_generate_object/validation-00000-of-00001.parquet b/wiki_hop_original_generate_object/validation-00000-of-00001.parquet
deleted file mode 100644
index 5bbf494c42d1eac216addcc6c25ff1acad3099ea..0000000000000000000000000000000000000000
--- a/wiki_hop_original_generate_object/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:11859b3a0bf99359712eafdbc1f1b4c6d5e917a3bbd78fe394f6688a43fe9512
-size 40942368
diff --git a/wiki_hop_original_generate_subject/train-00000-of-00002.parquet b/wiki_hop_original_generate_subject/train-00000-of-00002.parquet
deleted file mode 100644
index 9086dccbd4d662d822f8659a4161861ddaa4a34f..0000000000000000000000000000000000000000
--- a/wiki_hop_original_generate_subject/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aceafa4f973dcbbbf0672c199494cffdf892ae5fb7145f5b54fdf7d6ab36ce7a
-size 161185639
diff --git a/wiki_hop_original_generate_subject/train-00001-of-00002.parquet b/wiki_hop_original_generate_subject/train-00001-of-00002.parquet
deleted file mode 100644
index ab22f38658c38bbeb8acd57a816e489b0c7a0bb5..0000000000000000000000000000000000000000
--- a/wiki_hop_original_generate_subject/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:876a1b7e0c644349e3d91d40772c1a03bc25fba076dfcd12172ab1649a7d40df
-size 165538043
diff --git a/wiki_hop_original_generate_subject/validation-00000-of-00001.parquet b/wiki_hop_original_generate_subject/validation-00000-of-00001.parquet
deleted file mode 100644
index c613eaf1e610eda239a03492aea48b9cb736ecf5..0000000000000000000000000000000000000000
--- a/wiki_hop_original_generate_subject/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d8ce6002d11cc92b1c66ddd690b7600b09819b13b373ecffd11887a7c43c6073
-size 41024771
diff --git a/wiki_hop_original_generate_subject_and_object/train-00000-of-00002.parquet b/wiki_hop_original_generate_subject_and_object/train-00000-of-00002.parquet
deleted file mode 100644
index cb156cf797be770c1b814228e3515d44d7546c76..0000000000000000000000000000000000000000
--- a/wiki_hop_original_generate_subject_and_object/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:da59794995d4b2f987951d0a038c18b1d87d71848e0bd18990a58914d0cad19a
-size 161103788
diff --git a/wiki_hop_original_generate_subject_and_object/train-00001-of-00002.parquet b/wiki_hop_original_generate_subject_and_object/train-00001-of-00002.parquet
deleted file mode 100644
index 37c2d9b332355f6a81c113b559995078c7506e2c..0000000000000000000000000000000000000000
--- a/wiki_hop_original_generate_subject_and_object/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:214e6177b191b2ca6eee25a8ad19d13bcc9f9a16d1726eba07fa2cfc58073fab
-size 165344409
diff --git a/wiki_hop_original_generate_subject_and_object/validation-00000-of-00001.parquet b/wiki_hop_original_generate_subject_and_object/validation-00000-of-00001.parquet
deleted file mode 100644
index e655840c2de5c46c9fc8b1b6daa15189eb82ae7b..0000000000000000000000000000000000000000
--- a/wiki_hop_original_generate_subject_and_object/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:677c9caf56b57a5791e2038ebba794100ee4d0263218d4aeee4b4e706b1c8587
-size 41045102
diff --git a/wiki_qa_Decide_good_answer/test-00000-of-00001.parquet b/wiki_qa_Decide_good_answer/test-00000-of-00001.parquet
deleted file mode 100644
index ca800642e5b2b051f5b011518a209e29b0cbc9c9..0000000000000000000000000000000000000000
--- a/wiki_qa_Decide_good_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3bbb4e6ee754e1927820ed7846e517f989809205a1c3b019e688af354ba808da
-size 1261959
diff --git a/wiki_qa_Decide_good_answer/train-00000-of-00001.parquet b/wiki_qa_Decide_good_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 417feada69345fa5001a88f14bcad9905667e17c..0000000000000000000000000000000000000000
--- a/wiki_qa_Decide_good_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ad2e43f3764ddc1ac2b387caa17d61f5dbfb67651b9c3b0411ba25704c693c52
-size 4205102
diff --git a/wiki_qa_Decide_good_answer/validation-00000-of-00001.parquet b/wiki_qa_Decide_good_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index cd00f3b823fa54d31d779a8f6a992993c982ce5d..0000000000000000000000000000000000000000
--- a/wiki_qa_Decide_good_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3b28492f6a344d622b3cc7bcaa6cd846f6f3e5a320416d96883aa3536820b711
-size 559662
diff --git a/wiki_qa_Direct_Answer_to_Question/test-00000-of-00001.parquet b/wiki_qa_Direct_Answer_to_Question/test-00000-of-00001.parquet
deleted file mode 100644
index 22bf0662a935cb5ab3e98ff51abf6b51af97d080..0000000000000000000000000000000000000000
--- a/wiki_qa_Direct_Answer_to_Question/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:93135c02cbebc4d3b3a7aeb0ffac62a6ec466268034008f19b103efaa32118db
-size 81015
diff --git a/wiki_qa_Direct_Answer_to_Question/train-00000-of-00001.parquet b/wiki_qa_Direct_Answer_to_Question/train-00000-of-00001.parquet
deleted file mode 100644
index 73fecd63f41dffd19f5949253b978caef93ccb1b..0000000000000000000000000000000000000000
--- a/wiki_qa_Direct_Answer_to_Question/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:52fe1503f0046b9f54a49d379234553f81f1b7bc20ffbe76b754176b310d8404
-size 270018
diff --git a/wiki_qa_Direct_Answer_to_Question/validation-00000-of-00001.parquet b/wiki_qa_Direct_Answer_to_Question/validation-00000-of-00001.parquet
deleted file mode 100644
index 8ba58998b428da7ae44c785d464fc777d35c5dd2..0000000000000000000000000000000000000000
--- a/wiki_qa_Direct_Answer_to_Question/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3e8b55653fd14232fba3f7fb241347dfc5e227aec80f578415909019fb0c0f5c
-size 44095
diff --git a/wiki_qa_Generate_Question_from_Topic/test-00000-of-00001.parquet b/wiki_qa_Generate_Question_from_Topic/test-00000-of-00001.parquet
deleted file mode 100644
index 7e487cf283f4c0388fb3ad5848db1bf26f40190d..0000000000000000000000000000000000000000
--- a/wiki_qa_Generate_Question_from_Topic/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e04ed1f24e9c7d1f8e9b87a50955c6b06ecb9266dc2d8058e7a5e8548540205e
-size 88146
diff --git a/wiki_qa_Generate_Question_from_Topic/train-00000-of-00001.parquet b/wiki_qa_Generate_Question_from_Topic/train-00000-of-00001.parquet
deleted file mode 100644
index 56268ff67b92a3f0751c689440032e8ed537f141..0000000000000000000000000000000000000000
--- a/wiki_qa_Generate_Question_from_Topic/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d89ed1cec3a4925e8d9dc710ed4c623b008946008f7fe57fe6c764021133632e
-size 297096
diff --git a/wiki_qa_Generate_Question_from_Topic/validation-00000-of-00001.parquet b/wiki_qa_Generate_Question_from_Topic/validation-00000-of-00001.parquet
deleted file mode 100644
index b2a83e5d8881980b035cf78e6298da758848747d..0000000000000000000000000000000000000000
--- a/wiki_qa_Generate_Question_from_Topic/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:97551fdfda4bf0abbe5a3c8d2db6da6f65f5f1a9b6ae0dce185c45f35e72c22b
-size 48994
diff --git a/wiki_qa_Is_This_True_/test-00000-of-00001.parquet b/wiki_qa_Is_This_True_/test-00000-of-00001.parquet
deleted file mode 100644
index 2d97c60d6043b0e52c7b61193bdb5128e4fefdb0..0000000000000000000000000000000000000000
--- a/wiki_qa_Is_This_True_/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a808d878bcebc32bb1f5f8b86e4692c9490c8624fb63e7bec19fb96ffc29ffb8
-size 1207262
diff --git a/wiki_qa_Is_This_True_/train-00000-of-00001.parquet b/wiki_qa_Is_This_True_/train-00000-of-00001.parquet
deleted file mode 100644
index 76fa154b211301999494e21eb3984f35eb52b64f..0000000000000000000000000000000000000000
--- a/wiki_qa_Is_This_True_/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b0b037da2b8cfdd219945b52688478e33fa23037da79bb861cc1c56cf1b18a9f
-size 3988085
diff --git a/wiki_qa_Is_This_True_/validation-00000-of-00001.parquet b/wiki_qa_Is_This_True_/validation-00000-of-00001.parquet
deleted file mode 100644
index bdf3eb2b00e00090b69c7f618852dc2b62e406df..0000000000000000000000000000000000000000
--- a/wiki_qa_Is_This_True_/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:80dcc0d0e9293b7ec66547001b4b1aa8cd52952d62c8301c411b94362803709d
-size 531466
diff --git a/wiki_qa_Jeopardy_style/test-00000-of-00001.parquet b/wiki_qa_Jeopardy_style/test-00000-of-00001.parquet
deleted file mode 100644
index fef69166aa136d27ecb3d80c4b903cb6a0894b33..0000000000000000000000000000000000000000
--- a/wiki_qa_Jeopardy_style/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ae602f848123b41966dcb5079297970fe6d1f59fae46e81c77227559f6b48c39
-size 86995
diff --git a/wiki_qa_Jeopardy_style/train-00000-of-00001.parquet b/wiki_qa_Jeopardy_style/train-00000-of-00001.parquet
deleted file mode 100644
index 03bd7bb42e309771790c7f26b82fa766a43cf5de..0000000000000000000000000000000000000000
--- a/wiki_qa_Jeopardy_style/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:08082785830ca2ff976466028ff927e576e4738f44c47323e16304626266a8ae
-size 300219
diff --git a/wiki_qa_Jeopardy_style/validation-00000-of-00001.parquet b/wiki_qa_Jeopardy_style/validation-00000-of-00001.parquet
deleted file mode 100644
index d53a45511f28a780d9d32b5f166cdee322d4ad06..0000000000000000000000000000000000000000
--- a/wiki_qa_Jeopardy_style/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:372660f3c6c7e55210acd8266327e89cde336f23e722369a1a74e370058dc010
-size 48089
diff --git a/wiki_qa_Topic_Prediction_Answer_Only/test-00000-of-00001.parquet b/wiki_qa_Topic_Prediction_Answer_Only/test-00000-of-00001.parquet
deleted file mode 100644
index e193d96145fa66d2c227e79947bc9a0f0ea1755a..0000000000000000000000000000000000000000
--- a/wiki_qa_Topic_Prediction_Answer_Only/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b79e6aa6cb83a09bf9ab7774a60a8c978c3708336b29127b8f0d553b870b60eb
-size 76403
diff --git a/wiki_qa_Topic_Prediction_Answer_Only/train-00000-of-00001.parquet b/wiki_qa_Topic_Prediction_Answer_Only/train-00000-of-00001.parquet
deleted file mode 100644
index e0c6cbdd05c5d05344c3d1cb9c003bccb684f5fd..0000000000000000000000000000000000000000
--- a/wiki_qa_Topic_Prediction_Answer_Only/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9d7964764084b9bccc03b1aaaf46d4d50ec08234cdef2055aafe7c880ff5f9d8
-size 259500
diff --git a/wiki_qa_Topic_Prediction_Answer_Only/validation-00000-of-00001.parquet b/wiki_qa_Topic_Prediction_Answer_Only/validation-00000-of-00001.parquet
deleted file mode 100644
index 636aab111b38f49a7db5557869f7a0c1f4d6ec30..0000000000000000000000000000000000000000
--- a/wiki_qa_Topic_Prediction_Answer_Only/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:158b8f0e741ebe7311830b29e547d02f289cd053575fa06d59e31412b32fd9d7
-size 41982
diff --git a/wiki_qa_Topic_Prediction_Question_Only/test-00000-of-00001.parquet b/wiki_qa_Topic_Prediction_Question_Only/test-00000-of-00001.parquet
deleted file mode 100644
index bfd6e3a9556ce502fd2d3aee2a4306cd56fe8cc4..0000000000000000000000000000000000000000
--- a/wiki_qa_Topic_Prediction_Question_Only/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:75227a176ef66acbeb9131944f59a6d2b4394065638d20e74e038a38b59be1e7
-size 27514
diff --git a/wiki_qa_Topic_Prediction_Question_Only/train-00000-of-00001.parquet b/wiki_qa_Topic_Prediction_Question_Only/train-00000-of-00001.parquet
deleted file mode 100644
index fcab40ab48e1eb87d817a28b15732925cb592183..0000000000000000000000000000000000000000
--- a/wiki_qa_Topic_Prediction_Question_Only/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2d590336b81b334807cdd2c8acf071451083ddc5d54378ab51e3122d1304f3fe
-size 86445
diff --git a/wiki_qa_Topic_Prediction_Question_Only/validation-00000-of-00001.parquet b/wiki_qa_Topic_Prediction_Question_Only/validation-00000-of-00001.parquet
deleted file mode 100644
index 3a711ceed7705d815265e8c43fe41d46a4bfc7e6..0000000000000000000000000000000000000000
--- a/wiki_qa_Topic_Prediction_Question_Only/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d54c187142f4b38682d548c702c75204bb6027c016a44aa1e2c92140ff7d623a
-size 16602
diff --git a/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/test-00000-of-00001.parquet b/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/test-00000-of-00001.parquet
deleted file mode 100644
index c82072b723520c25e902f0cf16e485630579faa8..0000000000000000000000000000000000000000
--- a/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:12fc516cec7b1db1d43b981073d20db49d00061397656570857c25a1ff45912c
-size 89844
diff --git a/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/train-00000-of-00001.parquet b/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/train-00000-of-00001.parquet
deleted file mode 100644
index d276197652078c00091ad6c86af22c86594fdf56..0000000000000000000000000000000000000000
--- a/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f8c0f08e1a456b35d929fab8567f7086429d5346e14f4a4a92618156b463fc8b
-size 303587
diff --git a/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/validation-00000-of-00001.parquet b/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/validation-00000-of-00001.parquet
deleted file mode 100644
index 341de55062f56393458d27804c3a6be233ae4fb0..0000000000000000000000000000000000000000
--- a/wiki_qa_Topic_Prediction_Question_and_Answer_Pair/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:40068a0e92d6a778630ec7460229d6e31d4639f83cfb159a9a295f1f7c930bd8
-size 49579
diff --git a/wiki_qa_automatic_system/test-00000-of-00001.parquet b/wiki_qa_automatic_system/test-00000-of-00001.parquet
deleted file mode 100644
index 3f0951e72bb25a5d397cb7de9f8ed7f84a6c5f1f..0000000000000000000000000000000000000000
--- a/wiki_qa_automatic_system/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f94c843a4600fbd4e4c6656cc2cdc468f85498d3765dbf42be9fce4d1702ee7f
-size 1246491
diff --git a/wiki_qa_automatic_system/train-00000-of-00001.parquet b/wiki_qa_automatic_system/train-00000-of-00001.parquet
deleted file mode 100644
index 631a768795a98e24d3e7514f44c7771643f53ec3..0000000000000000000000000000000000000000
--- a/wiki_qa_automatic_system/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:278dcd7b58fc5f033b5dd606ce4d96c87d9503f1a3e8bc97852e5412a2109f85
-size 4145033
diff --git a/wiki_qa_automatic_system/validation-00000-of-00001.parquet b/wiki_qa_automatic_system/validation-00000-of-00001.parquet
deleted file mode 100644
index 052fd7bfb24001d304e03e29ba07f9b6293c7ffb..0000000000000000000000000000000000000000
--- a/wiki_qa_automatic_system/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:794e7a62e278380f616217f363525c9e4f58fb606dd06016f81654d85827c054
-size 551100
diff --git a/wiki_qa_exercise/test-00000-of-00001.parquet b/wiki_qa_exercise/test-00000-of-00001.parquet
deleted file mode 100644
index 7b7a2a584e690b32fe315a019dd1804b4d70060e..0000000000000000000000000000000000000000
--- a/wiki_qa_exercise/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a946e17bbc5588060f3b8c98a62b53653a554d0d8fb2f28893a6fb85607d81f9
-size 1277663
diff --git a/wiki_qa_exercise/train-00000-of-00001.parquet b/wiki_qa_exercise/train-00000-of-00001.parquet
deleted file mode 100644
index 90e428739545f73635ad20eb9495afd1e01a3469..0000000000000000000000000000000000000000
--- a/wiki_qa_exercise/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c38b98c7bbb1071854aca5b7b28c45db15eae9d8c8b5962aa22b24f2ecbc9005
-size 4251415
diff --git a/wiki_qa_exercise/validation-00000-of-00001.parquet b/wiki_qa_exercise/validation-00000-of-00001.parquet
deleted file mode 100644
index ce44777f3a0186969d08c5c69cbe601bc240322f..0000000000000000000000000000000000000000
--- a/wiki_qa_exercise/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:739db1f75288e2ff96d6a326201bba220e488e804b5a9ab11ab90da852871ec9
-size 564382
diff --git a/wiki_qa_found_on_google/test-00000-of-00001.parquet b/wiki_qa_found_on_google/test-00000-of-00001.parquet
deleted file mode 100644
index 6c1a2fb15ecf7a8faa9e96a2f7ceee941c1bc490..0000000000000000000000000000000000000000
--- a/wiki_qa_found_on_google/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5b56b1e464d412d3782b33b5a896223ebcfbac359bce3de3090b5a8041d9239b
-size 1219063
diff --git a/wiki_qa_found_on_google/train-00000-of-00001.parquet b/wiki_qa_found_on_google/train-00000-of-00001.parquet
deleted file mode 100644
index 0321de38f9b1010f2791e320d4d21fd9ac89f143..0000000000000000000000000000000000000000
--- a/wiki_qa_found_on_google/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ef8dd74bae0c65ecd79bf1c78dbe136c633b4c56053c773f2f17cc9c98e6e67c
-size 4056600
diff --git a/wiki_qa_found_on_google/validation-00000-of-00001.parquet b/wiki_qa_found_on_google/validation-00000-of-00001.parquet
deleted file mode 100644
index 9d1f0ed5428e0ba09fde18c5cbc007478c12543a..0000000000000000000000000000000000000000
--- a/wiki_qa_found_on_google/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:88df8a4c6a063e602913645553ede5b99c20877143d5c36c3ac876100ebc987a
-size 538584
diff --git a/winogrande_winogrande_debiased_Replace/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_Replace/test-00000-of-00001.parquet
deleted file mode 100644
index f3140026717729a49ec778f9e2a97c39a6e078cb..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_Replace/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d716f1d7999184fc58ec79d5aeb5fa5266b02be9157c15e463d13b896b8d8583
-size 254660
diff --git a/winogrande_winogrande_debiased_Replace/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_Replace/train-00000-of-00001.parquet
deleted file mode 100644
index a5660567a07b596e247a226d151dfc643c3f2c82..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_Replace/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c11d2729b8036e519f329f53516c381510cee9da6e38cffa1bad823808c99de0
-size 1340573
diff --git a/winogrande_winogrande_debiased_Replace/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_Replace/validation-00000-of-00001.parquet
deleted file mode 100644
index 1a44fb5e9862a15bdff89804fb6a08723a02d38c..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_Replace/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9d64a6dbf582e404248970257efede724cae39c7c587a44c52ec58b5fbcee81d
-size 187744
diff --git a/winogrande_winogrande_debiased_Replace_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_Replace_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 865daaeaf143de2e37a8b7f6797a90b922a9f720..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_Replace_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c2d88a9a291a2b3079c7a5fedf5bcec64a1c67ff1185ede2e9771ad3e2c70d2d
-size 327080
diff --git a/winogrande_winogrande_debiased_Replace_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_Replace_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 4ecf79d12e95f91e5d23cb42e8696f009fa9b5a1..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_Replace_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:45ab6714ac4f38c1ddd9925e7e5e1a796d59d39daa8e30bed300fdc8ead18b0f
-size 1716359
diff --git a/winogrande_winogrande_debiased_Replace_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_Replace_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 953e566037f36dca0a27a3a3d168a53627fa8ecb..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_Replace_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2e730a16ee206967de74d8ed72ddc04b44671f8f97fc5e21e74af84d3405531a
-size 255224
diff --git a/winogrande_winogrande_debiased_does_underscore_refer_to/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_does_underscore_refer_to/test-00000-of-00001.parquet
deleted file mode 100644
index 4f1055db0f97337acc3731a867a0b1a958bc9d7b..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_does_underscore_refer_to/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:66291c3738839639feab4cefdd3873dc25c7f33dee038a9c529fa91f1acde7d5
-size 248593
diff --git a/winogrande_winogrande_debiased_does_underscore_refer_to/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_does_underscore_refer_to/train-00000-of-00001.parquet
deleted file mode 100644
index b10665fa7af4b9790a38042a1d98bf2a512cd739..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_does_underscore_refer_to/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ac336396e2be0a9b5d55e85634af04f207f718fb87da7e1483f270ab5a3061b0
-size 1313162
diff --git a/winogrande_winogrande_debiased_does_underscore_refer_to/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_does_underscore_refer_to/validation-00000-of-00001.parquet
deleted file mode 100644
index ca31ff08ee3246d94ecf42787a744da6d42e98a9..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_does_underscore_refer_to/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ca92dbb137a97859db4903a8836b36387ac2e0e5d60d91c3868b715a7a8ad81a
-size 183250
diff --git a/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b5a40e2cc18c61cf3c67f894f633e54b048a268a..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:30425f9de581bf57a4dfe0a099508b5f1c32a6619290b9949ace2277eb136c96
-size 320880
diff --git a/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index aa084c949d1909579e70b464cc40fb6547b03056..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ff737b473fbf537802d772665dc92028f79ce0c1cc33c725913ee021b746029a
-size 1678548
diff --git a/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 4b7f1629cd744a023ee351e49eea5b5436db903f..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_does_underscore_refer_to_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5b6542cf007baf4f867ea98285954cd2d51f547c41e280161e85f507b98a1135
-size 251875
diff --git a/winogrande_winogrande_debiased_fill_in_the_blank/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_fill_in_the_blank/test-00000-of-00001.parquet
deleted file mode 100644
index c56dbea362213ade8c4d8740741c4cecd1c7e06e..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_fill_in_the_blank/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:81feb70a1f9ed391d8da121d98b9074710791d8ae9b1c61be8e46b5e11bc9b6b
-size 255609
diff --git a/winogrande_winogrande_debiased_fill_in_the_blank/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_fill_in_the_blank/train-00000-of-00001.parquet
deleted file mode 100644
index 8e12fafae56468c4246a7bc92045b3696b173a7e..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_fill_in_the_blank/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a3a6ee02885e4c9f5bb7a81a85369a9adee3b5ec05bb89d798082eed4cf42d36
-size 1347268
diff --git a/winogrande_winogrande_debiased_fill_in_the_blank/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_fill_in_the_blank/validation-00000-of-00001.parquet
deleted file mode 100644
index 7909432f54a54bb15ee0ae10ed4ff685e0d5c902..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_fill_in_the_blank/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a95d9ec04a9c5426b30983b521fe066c551effae7c97a1893dd4dbe80dc5aeac
-size 188587
diff --git a/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b1bf4057ef26516643d368a361eab9b0b806e698..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5213adf49276820e353ea5b573b8c69f9af05ea019e5bdc3ee668dd2a178ca2d
-size 329796
diff --git a/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index a2a11a3ab65458385c758a65b84800a10622b80f..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c65bd0e0c1d93510686d7d6d0e5b971ca1e1f3a064c0475781f968b50676ca52
-size 1733039
diff --git a/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index f959b8d6175f18a4c2d64ce37859215a621c9b49..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_fill_in_the_blank_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8eda508329322f4b9970ee0c65b4dd37adc2f306f6ad4d4638358ac6092fcf64
-size 262296
diff --git a/winogrande_winogrande_debiased_stand_for/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_stand_for/test-00000-of-00001.parquet
deleted file mode 100644
index 956d8f42b0e7e922945c167f9101bb83cc6b700e..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_stand_for/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d3a7ab10ccc9ad7ea3253957ed45623b1ca5a01ba39df06cb3c35d8b9d4b52a5
-size 246382
diff --git a/winogrande_winogrande_debiased_stand_for/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_stand_for/train-00000-of-00001.parquet
deleted file mode 100644
index 44535655ab23b938d341b68cae036f24d8be696e..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_stand_for/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:66328610490641950f068f945506c77a43b4dd3337cd452ebb2a3a59483c7eea
-size 1298107
diff --git a/winogrande_winogrande_debiased_stand_for/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_stand_for/validation-00000-of-00001.parquet
deleted file mode 100644
index f16a6faa305547b2160fa6161f85ee71465b43f4..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_stand_for/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee9d5827c2469a7acb903d3ae58cb314580d8463485be40e4c3bf10ec762b6db
-size 181773
diff --git a/winogrande_winogrande_debiased_stand_for_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_stand_for_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 673a67e086d7f49adc52568f62bcb0e0d501e368..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_stand_for_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:557c7df45760370bc22b49fc4620b1e0b4291bcebc2119cc8789ce4f0e587041
-size 318086
diff --git a/winogrande_winogrande_debiased_stand_for_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_stand_for_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 0d71f0e78a540da0b83d5f7efb72947131840254..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_stand_for_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:269d1bba7f1d848105a8302fa494bfdec9b4b288c13a22428e6b8642701b83c2
-size 1667969
diff --git a/winogrande_winogrande_debiased_stand_for_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_stand_for_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index fb09ced76da0e923e4acc6d354a1573580ee8541..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_stand_for_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6a3d2912e3538d6ad9b1016dbdc033f50d1cc7502bf0397eda224edd029215bd
-size 250091
diff --git a/winogrande_winogrande_debiased_underscore_refer_to/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_underscore_refer_to/test-00000-of-00001.parquet
deleted file mode 100644
index 290e728db6fb8c4ee200960d76e675d2dbc2d545..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_underscore_refer_to/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:62c595d69bbd266ddca94df2537421d62dddea4907475d55886c9d34264767a2
-size 249793
diff --git a/winogrande_winogrande_debiased_underscore_refer_to/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_underscore_refer_to/train-00000-of-00001.parquet
deleted file mode 100644
index 60528b903d3e64d27f990184619e1fb98b2ea289..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_underscore_refer_to/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:05cf6a9a713c8b6705563af618bc783ba23ddf709343a48f351089aae4a20014
-size 1319122
diff --git a/winogrande_winogrande_debiased_underscore_refer_to/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_underscore_refer_to/validation-00000-of-00001.parquet
deleted file mode 100644
index 2200b07409d1e497aaf4ccc249176e29ed6b0bd3..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_underscore_refer_to/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:17a68de0d7e125ece40aad55bd31561c6c0a301c7d3252570656917a0e03ff05
-size 184225
diff --git a/winogrande_winogrande_debiased_underscore_refer_to_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_debiased_underscore_refer_to_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 16af0c067d11427274a257161abe4071541bbff7..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_underscore_refer_to_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0e07758dc9a390e4d0df99514cd74c155cca192862943ec960813c861fabb551
-size 322393
diff --git a/winogrande_winogrande_debiased_underscore_refer_to_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_debiased_underscore_refer_to_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 6aa4ababaabd8b30a579c68839c57681badaafbb..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_underscore_refer_to_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e18440f5f5707c39f85315aa0a905c83809ec111835c655518da902d8dc203a2
-size 1685812
diff --git a/winogrande_winogrande_debiased_underscore_refer_to_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_debiased_underscore_refer_to_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2fddb9e9bb09f784a3d227bd05771cd5f9e70da0..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_debiased_underscore_refer_to_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:df4ec3bb87eba26669cd836966d1721afe05e0c18656c0d977b8e3e0537670c9
-size 252490
diff --git a/winogrande_winogrande_xl_Replace/test-00000-of-00001.parquet b/winogrande_winogrande_xl_Replace/test-00000-of-00001.parquet
deleted file mode 100644
index f3140026717729a49ec778f9e2a97c39a6e078cb..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_Replace/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d716f1d7999184fc58ec79d5aeb5fa5266b02be9157c15e463d13b896b8d8583
-size 254660
diff --git a/winogrande_winogrande_xl_Replace/train-00000-of-00001.parquet b/winogrande_winogrande_xl_Replace/train-00000-of-00001.parquet
deleted file mode 100644
index fb36d5fa8b9c28d13059d66a7cdc1c9e00236a1a..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_Replace/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:74d14ccbcfc0d08a3412831a5624dd03ae53c9c0ad9213c72ceb5f32989c1566
-size 4777239
diff --git a/winogrande_winogrande_xl_Replace/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_Replace/validation-00000-of-00001.parquet
deleted file mode 100644
index 1a44fb5e9862a15bdff89804fb6a08723a02d38c..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_Replace/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9d64a6dbf582e404248970257efede724cae39c7c587a44c52ec58b5fbcee81d
-size 187744
diff --git a/winogrande_winogrande_xl_Replace_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_xl_Replace_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 865daaeaf143de2e37a8b7f6797a90b922a9f720..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_Replace_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c2d88a9a291a2b3079c7a5fedf5bcec64a1c67ff1185ede2e9771ad3e2c70d2d
-size 327080
diff --git a/winogrande_winogrande_xl_Replace_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_xl_Replace_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 99dbd7541551bf8c1887435223233993bc5e6791..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_Replace_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:528927498dc9c90e8e55709635c1c5c34863e97861ca4809c1300ae558830254
-size 6942411
diff --git a/winogrande_winogrande_xl_Replace_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_Replace_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 953e566037f36dca0a27a3a3d168a53627fa8ecb..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_Replace_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2e730a16ee206967de74d8ed72ddc04b44671f8f97fc5e21e74af84d3405531a
-size 255224
diff --git a/winogrande_winogrande_xl_does_underscore_refer_to/test-00000-of-00001.parquet b/winogrande_winogrande_xl_does_underscore_refer_to/test-00000-of-00001.parquet
deleted file mode 100644
index 4f1055db0f97337acc3731a867a0b1a958bc9d7b..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_does_underscore_refer_to/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:66291c3738839639feab4cefdd3873dc25c7f33dee038a9c529fa91f1acde7d5
-size 248593
diff --git a/winogrande_winogrande_xl_does_underscore_refer_to/train-00000-of-00001.parquet b/winogrande_winogrande_xl_does_underscore_refer_to/train-00000-of-00001.parquet
deleted file mode 100644
index 159d92e53b31f15f816220079451bdcaee68c3d1..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_does_underscore_refer_to/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e2263652c6dc5ea99637d8134f0c5c4b76564d40e549aa27b4fd7b2ccff2c216
-size 4678166
diff --git a/winogrande_winogrande_xl_does_underscore_refer_to/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_does_underscore_refer_to/validation-00000-of-00001.parquet
deleted file mode 100644
index ca31ff08ee3246d94ecf42787a744da6d42e98a9..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_does_underscore_refer_to/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ca92dbb137a97859db4903a8836b36387ac2e0e5d60d91c3868b715a7a8ad81a
-size 183250
diff --git a/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b5a40e2cc18c61cf3c67f894f633e54b048a268a..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:30425f9de581bf57a4dfe0a099508b5f1c32a6619290b9949ace2277eb136c96
-size 320880
diff --git a/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 3f277af2aedf26774ff7d58e07badb2f1dde2461..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aac24f6e825dd63e18ce35a147d759e7e257419d2a5e825d6e4cd1275f5f95c6
-size 6841536
diff --git a/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 4b7f1629cd744a023ee351e49eea5b5436db903f..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_does_underscore_refer_to_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5b6542cf007baf4f867ea98285954cd2d51f547c41e280161e85f507b98a1135
-size 251875
diff --git a/winogrande_winogrande_xl_fill_in_the_blank/test-00000-of-00001.parquet b/winogrande_winogrande_xl_fill_in_the_blank/test-00000-of-00001.parquet
deleted file mode 100644
index c56dbea362213ade8c4d8740741c4cecd1c7e06e..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_fill_in_the_blank/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:81feb70a1f9ed391d8da121d98b9074710791d8ae9b1c61be8e46b5e11bc9b6b
-size 255609
diff --git a/winogrande_winogrande_xl_fill_in_the_blank/train-00000-of-00001.parquet b/winogrande_winogrande_xl_fill_in_the_blank/train-00000-of-00001.parquet
deleted file mode 100644
index 2f56769c9ba5c3c35db9cf9ba1e8971b129c6bdd..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_fill_in_the_blank/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a3c32f6c2deb7332ba1d9f83c995d46aa244844c32418ff96c9737bdd9a0dcf0
-size 4774118
diff --git a/winogrande_winogrande_xl_fill_in_the_blank/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_fill_in_the_blank/validation-00000-of-00001.parquet
deleted file mode 100644
index 7909432f54a54bb15ee0ae10ed4ff685e0d5c902..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_fill_in_the_blank/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a95d9ec04a9c5426b30983b521fe066c551effae7c97a1893dd4dbe80dc5aeac
-size 188587
diff --git a/winogrande_winogrande_xl_fill_in_the_blank_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_xl_fill_in_the_blank_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index b1bf4057ef26516643d368a361eab9b0b806e698..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_fill_in_the_blank_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5213adf49276820e353ea5b573b8c69f9af05ea019e5bdc3ee668dd2a178ca2d
-size 329796
diff --git a/winogrande_winogrande_xl_fill_in_the_blank_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_xl_fill_in_the_blank_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 81e4c66b8bc86a2240dc7550f8c51c48d07aa9dc..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_fill_in_the_blank_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ffd1b9ab0002c58a24ce4a774e3020abf2211d895a5104c45e80c50aa340dd16
-size 7087407
diff --git a/winogrande_winogrande_xl_fill_in_the_blank_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_fill_in_the_blank_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index f959b8d6175f18a4c2d64ce37859215a621c9b49..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_fill_in_the_blank_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8eda508329322f4b9970ee0c65b4dd37adc2f306f6ad4d4638358ac6092fcf64
-size 262296
diff --git a/winogrande_winogrande_xl_stand_for/test-00000-of-00001.parquet b/winogrande_winogrande_xl_stand_for/test-00000-of-00001.parquet
deleted file mode 100644
index 956d8f42b0e7e922945c167f9101bb83cc6b700e..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_stand_for/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d3a7ab10ccc9ad7ea3253957ed45623b1ca5a01ba39df06cb3c35d8b9d4b52a5
-size 246382
diff --git a/winogrande_winogrande_xl_stand_for/train-00000-of-00001.parquet b/winogrande_winogrande_xl_stand_for/train-00000-of-00001.parquet
deleted file mode 100644
index f0afc8c77cdaab6869ed970758f910bb329d2f92..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_stand_for/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:75515e10647072b1e181f7b288f05a2b8cd0c25750b426ef75954461f979f5e5
-size 4607963
diff --git a/winogrande_winogrande_xl_stand_for/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_stand_for/validation-00000-of-00001.parquet
deleted file mode 100644
index f16a6faa305547b2160fa6161f85ee71465b43f4..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_stand_for/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ee9d5827c2469a7acb903d3ae58cb314580d8463485be40e4c3bf10ec762b6db
-size 181773
diff --git a/winogrande_winogrande_xl_stand_for_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_xl_stand_for_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 673a67e086d7f49adc52568f62bcb0e0d501e368..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_stand_for_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:557c7df45760370bc22b49fc4620b1e0b4291bcebc2119cc8789ce4f0e587041
-size 318086
diff --git a/winogrande_winogrande_xl_stand_for_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_xl_stand_for_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index 8997ac91e76b094d35e1fef9adc0b2a8763e3974..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_stand_for_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e7b38663e07107881d45d1c3143f50b81faa81d6d6ee7a1fe7b0636e4259db06
-size 6783950
diff --git a/winogrande_winogrande_xl_stand_for_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_stand_for_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index fb09ced76da0e923e4acc6d354a1573580ee8541..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_stand_for_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6a3d2912e3538d6ad9b1016dbdc033f50d1cc7502bf0397eda224edd029215bd
-size 250091
diff --git a/winogrande_winogrande_xl_underscore_refer_to/test-00000-of-00001.parquet b/winogrande_winogrande_xl_underscore_refer_to/test-00000-of-00001.parquet
deleted file mode 100644
index 290e728db6fb8c4ee200960d76e675d2dbc2d545..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_underscore_refer_to/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:62c595d69bbd266ddca94df2537421d62dddea4907475d55886c9d34264767a2
-size 249793
diff --git a/winogrande_winogrande_xl_underscore_refer_to/train-00000-of-00001.parquet b/winogrande_winogrande_xl_underscore_refer_to/train-00000-of-00001.parquet
deleted file mode 100644
index 51ff208ea4ac728eafc6e448f88c2206cfe35c65..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_underscore_refer_to/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e694b6cc6fa053c0042adb4bdadeeb52e2871957e5d2fd7d1f032be9f9dd0c5b
-size 4693170
diff --git a/winogrande_winogrande_xl_underscore_refer_to/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_underscore_refer_to/validation-00000-of-00001.parquet
deleted file mode 100644
index 2200b07409d1e497aaf4ccc249176e29ed6b0bd3..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_underscore_refer_to/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:17a68de0d7e125ece40aad55bd31561c6c0a301c7d3252570656917a0e03ff05
-size 184225
diff --git a/winogrande_winogrande_xl_underscore_refer_to_score_eval/test-00000-of-00001.parquet b/winogrande_winogrande_xl_underscore_refer_to_score_eval/test-00000-of-00001.parquet
deleted file mode 100644
index 16af0c067d11427274a257161abe4071541bbff7..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_underscore_refer_to_score_eval/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0e07758dc9a390e4d0df99514cd74c155cca192862943ec960813c861fabb551
-size 322393
diff --git a/winogrande_winogrande_xl_underscore_refer_to_score_eval/train-00000-of-00001.parquet b/winogrande_winogrande_xl_underscore_refer_to_score_eval/train-00000-of-00001.parquet
deleted file mode 100644
index b6c52672dee306bb986a288029d958bb40955099..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_underscore_refer_to_score_eval/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a9ca2db541139f7433079a1f6410a1181258cd118b629e3a99f0ff6e0672a673
-size 6871794
diff --git a/winogrande_winogrande_xl_underscore_refer_to_score_eval/validation-00000-of-00001.parquet b/winogrande_winogrande_xl_underscore_refer_to_score_eval/validation-00000-of-00001.parquet
deleted file mode 100644
index 2fddb9e9bb09f784a3d227bd05771cd5f9e70da0..0000000000000000000000000000000000000000
--- a/winogrande_winogrande_xl_underscore_refer_to_score_eval/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:df4ec3bb87eba26669cd836966d1721afe05e0c18656c0d977b8e3e0537670c9
-size 252490
diff --git a/wiqa_does_the_supposed_perturbation_have_an_effect/test-00000-of-00001.parquet b/wiqa_does_the_supposed_perturbation_have_an_effect/test-00000-of-00001.parquet
deleted file mode 100644
index d3d5980b57f5e7234f06ff3ec0110e34d11b93bd..0000000000000000000000000000000000000000
--- a/wiqa_does_the_supposed_perturbation_have_an_effect/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:19980f81a300cfef5658682e0058e0aacc82df54e594dbea8c1d1920ddaebc96
-size 599448
diff --git a/wiqa_does_the_supposed_perturbation_have_an_effect/train-00000-of-00001.parquet b/wiqa_does_the_supposed_perturbation_have_an_effect/train-00000-of-00001.parquet
deleted file mode 100644
index 3aeb4cd07965ac6facd8b711beb957e97aa95f88..0000000000000000000000000000000000000000
--- a/wiqa_does_the_supposed_perturbation_have_an_effect/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:981f54cd6fbe7e9355117ccc7e74be9fc80fcf044a14556e37d31d1deb2f16b2
-size 9685596
diff --git a/wiqa_does_the_supposed_perturbation_have_an_effect/validation-00000-of-00001.parquet b/wiqa_does_the_supposed_perturbation_have_an_effect/validation-00000-of-00001.parquet
deleted file mode 100644
index 50c2bbe73ebb6bba70d0138332dddcad5a366847..0000000000000000000000000000000000000000
--- a/wiqa_does_the_supposed_perturbation_have_an_effect/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e6a5cb28e2a28a62a15be23a59c4be3e23774a2ba849093713163dad6ec6e275
-size 1793368
diff --git a/wiqa_effect_with_label_answer/test-00000-of-00001.parquet b/wiqa_effect_with_label_answer/test-00000-of-00001.parquet
deleted file mode 100644
index e725cfbe2b917bfc816d6e61a78c2e1ac0118e39..0000000000000000000000000000000000000000
--- a/wiqa_effect_with_label_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:abe38732472bffdd7ff9d1a66f043984ea44d97a4c0fe668316573be7b2416ac
-size 566877
diff --git a/wiqa_effect_with_label_answer/train-00000-of-00001.parquet b/wiqa_effect_with_label_answer/train-00000-of-00001.parquet
deleted file mode 100644
index d6b6e281bfe0400fa664497b9fa9a7424b15f22b..0000000000000000000000000000000000000000
--- a/wiqa_effect_with_label_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8020000f3c910e756daaff871f686552b8fb1f88b0345baf86f273f030160ec1
-size 9367539
diff --git a/wiqa_effect_with_label_answer/validation-00000-of-00001.parquet b/wiqa_effect_with_label_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index d92be353e04fe3f47e9576cfe5b030776912e64d..0000000000000000000000000000000000000000
--- a/wiqa_effect_with_label_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0c69bf9577d81ebce46e7794f2bb3d1ecb9fd0f7c44f583503248c20e2914696
-size 1707096
diff --git a/wiqa_effect_with_string_answer/test-00000-of-00001.parquet b/wiqa_effect_with_string_answer/test-00000-of-00001.parquet
deleted file mode 100644
index 6d2426ec68fd29d01ff9778f663b9015d2a37555..0000000000000000000000000000000000000000
--- a/wiqa_effect_with_string_answer/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d2acb6dfbc635d798aedaa6ad2cf8dd55f32ad257c6eb7a0745cddba927730ee
-size 606820
diff --git a/wiqa_effect_with_string_answer/train-00000-of-00001.parquet b/wiqa_effect_with_string_answer/train-00000-of-00001.parquet
deleted file mode 100644
index 95299a7b7ead0b189c29dbff0ee922b6db6182bc..0000000000000000000000000000000000000000
--- a/wiqa_effect_with_string_answer/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a37fefe9fe3b6e5f984bef86b362106d89f1e10761df841e6fc84a33424a5e43
-size 9714850
diff --git a/wiqa_effect_with_string_answer/validation-00000-of-00001.parquet b/wiqa_effect_with_string_answer/validation-00000-of-00001.parquet
deleted file mode 100644
index 47f73d670da0fc7eff24b600f46f841b07ce4725..0000000000000000000000000000000000000000
--- a/wiqa_effect_with_string_answer/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f14bd9ed4727e6d0556697c23e8df68837383b4eb57fa3a860893991bffea08b
-size 1799058
diff --git a/wiqa_what_is_the_final_step_of_the_following_process/test-00000-of-00001.parquet b/wiqa_what_is_the_final_step_of_the_following_process/test-00000-of-00001.parquet
deleted file mode 100644
index b2f140ee78267c82c50a936544fa3e25c95892b5..0000000000000000000000000000000000000000
--- a/wiqa_what_is_the_final_step_of_the_following_process/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a2e37f8320498143627e28177037960105a03ec649fe6cdae8a2444d7ce6294f
-size 149734
diff --git a/wiqa_what_is_the_final_step_of_the_following_process/train-00000-of-00001.parquet b/wiqa_what_is_the_final_step_of_the_following_process/train-00000-of-00001.parquet
deleted file mode 100644
index f419b180e5b86a0e866d8b564c53f01113ffb3c1..0000000000000000000000000000000000000000
--- a/wiqa_what_is_the_final_step_of_the_following_process/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aedda0e50ce9fa1c6eeb3555cce9e37787c5935f441d91ebf7fb179777c64fe7
-size 4295462
diff --git a/wiqa_what_is_the_final_step_of_the_following_process/validation-00000-of-00001.parquet b/wiqa_what_is_the_final_step_of_the_following_process/validation-00000-of-00001.parquet
deleted file mode 100644
index 842a0172522c477fc78f2c9735cb0f14819f1e47..0000000000000000000000000000000000000000
--- a/wiqa_what_is_the_final_step_of_the_following_process/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cc18db2f0c353f047224ae9a97ad987849a311112ac2e354a378a277e2a5fd8b
-size 548762
diff --git a/wiqa_what_is_the_missing_first_step/test-00000-of-00001.parquet b/wiqa_what_is_the_missing_first_step/test-00000-of-00001.parquet
deleted file mode 100644
index ba5f18cee9b6a0cd5fac00a659fe517291ff3127..0000000000000000000000000000000000000000
--- a/wiqa_what_is_the_missing_first_step/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6af554f6a7f00f0e0b30dd4dd8fcd28df013b14db744b262466d6103e2880bec
-size 150334
diff --git a/wiqa_what_is_the_missing_first_step/train-00000-of-00001.parquet b/wiqa_what_is_the_missing_first_step/train-00000-of-00001.parquet
deleted file mode 100644
index 9392afe9efef1982d7e3deb0dd54a005f289c8aa..0000000000000000000000000000000000000000
--- a/wiqa_what_is_the_missing_first_step/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:20388f703edb63ef861db50cb2d912a0b016772de4a558e020129d1608cc6628
-size 4318444
diff --git a/wiqa_what_is_the_missing_first_step/validation-00000-of-00001.parquet b/wiqa_what_is_the_missing_first_step/validation-00000-of-00001.parquet
deleted file mode 100644
index 8fa61b301c75d1c07ad1b797233849be4d369297..0000000000000000000000000000000000000000
--- a/wiqa_what_is_the_missing_first_step/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:703b8f05a28c06f22c1ea91f143f20bc07a44fa47f242263e9e2e1683aef2b21
-size 543335
diff --git a/wiqa_what_might_be_the_first_step_of_the_process/test-00000-of-00001.parquet b/wiqa_what_might_be_the_first_step_of_the_process/test-00000-of-00001.parquet
deleted file mode 100644
index 8946246a7361a0b78c043ccad76f8f5e811d9395..0000000000000000000000000000000000000000
--- a/wiqa_what_might_be_the_first_step_of_the_process/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e6784f0bef515a191f173d35a03c07fe732ac13bb12ac835c337640423ea5344
-size 149712
diff --git a/wiqa_what_might_be_the_first_step_of_the_process/train-00000-of-00001.parquet b/wiqa_what_might_be_the_first_step_of_the_process/train-00000-of-00001.parquet
deleted file mode 100644
index 55406cdb22f7cf6e7e60d8792dac4139b79dfc9e..0000000000000000000000000000000000000000
--- a/wiqa_what_might_be_the_first_step_of_the_process/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5cef48522385bbd9c9d0857784c600d0549fbc6818c1fb5690b694536a70bdad
-size 4299508
diff --git a/wiqa_what_might_be_the_first_step_of_the_process/validation-00000-of-00001.parquet b/wiqa_what_might_be_the_first_step_of_the_process/validation-00000-of-00001.parquet
deleted file mode 100644
index e0d6b0cebea01b192a4d2331b92943a28e8c269d..0000000000000000000000000000000000000000
--- a/wiqa_what_might_be_the_first_step_of_the_process/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:605e019ae4263c45224195ce22a1ec2626f70aa9d718911284693e7c582fcb34
-size 545761
diff --git a/wiqa_what_might_be_the_last_step_of_the_process/test-00000-of-00001.parquet b/wiqa_what_might_be_the_last_step_of_the_process/test-00000-of-00001.parquet
deleted file mode 100644
index 9930dca52b60bea03014e469f824de9e1d2779ad..0000000000000000000000000000000000000000
--- a/wiqa_what_might_be_the_last_step_of_the_process/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ec7c718c75a398769a779494f5da5cfdeed31a3db6989635a988bce9617eefb9
-size 149397
diff --git a/wiqa_what_might_be_the_last_step_of_the_process/train-00000-of-00001.parquet b/wiqa_what_might_be_the_last_step_of_the_process/train-00000-of-00001.parquet
deleted file mode 100644
index 113ce81772b35a3c6e5bccdb41bfc0b390a885fd..0000000000000000000000000000000000000000
--- a/wiqa_what_might_be_the_last_step_of_the_process/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:536f385a62982bdf3c83af7c90db20d77e954f38afc772ca8965ebd26e56f3f8
-size 4297034
diff --git a/wiqa_what_might_be_the_last_step_of_the_process/validation-00000-of-00001.parquet b/wiqa_what_might_be_the_last_step_of_the_process/validation-00000-of-00001.parquet
deleted file mode 100644
index e37cd861fb888f8f3d99ca64b45f0c6360a5ea53..0000000000000000000000000000000000000000
--- a/wiqa_what_might_be_the_last_step_of_the_process/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2d0663ce8b5c02eb9ecf2f65db76c897d7c78119d2ed7d50475a52b8cc0b0ded
-size 551571
diff --git a/wiqa_which_of_the_following_is_the_supposed_perturbation/test-00000-of-00001.parquet b/wiqa_which_of_the_following_is_the_supposed_perturbation/test-00000-of-00001.parquet
deleted file mode 100644
index 90218ee224db58f7413ea5e2e2b4491c24ccb2c5..0000000000000000000000000000000000000000
--- a/wiqa_which_of_the_following_is_the_supposed_perturbation/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:532bcd3fe1607018a31e019fc00e58fa8a70cac2d891632ef7ac1c78b7ab6b41
-size 645013
diff --git a/wiqa_which_of_the_following_is_the_supposed_perturbation/train-00000-of-00001.parquet b/wiqa_which_of_the_following_is_the_supposed_perturbation/train-00000-of-00001.parquet
deleted file mode 100644
index beb353b01cdcc07eff83f6cc6be3b246c4091ae2..0000000000000000000000000000000000000000
--- a/wiqa_which_of_the_following_is_the_supposed_perturbation/train-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bcd65548ad4d30dc4034f3ef8ef23928725d24f042aed4f104863824aec11246
-size 10188704
diff --git a/wiqa_which_of_the_following_is_the_supposed_perturbation/validation-00000-of-00001.parquet b/wiqa_which_of_the_following_is_the_supposed_perturbation/validation-00000-of-00001.parquet
deleted file mode 100644
index db6e8e3e59de9065c5591c5e6e9c3d4be73f68eb..0000000000000000000000000000000000000000
--- a/wiqa_which_of_the_following_is_the_supposed_perturbation/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:99dd41fb376a475ce037b2639c45f7bb1ff2de19d55e3f26bc88d4d65890eded
-size 1893135
diff --git a/xsum_DOC_boils_down_to_simple_idea_that/test-00000-of-00001.parquet b/xsum_DOC_boils_down_to_simple_idea_that/test-00000-of-00001.parquet
deleted file mode 100644
index 9bd6a7159fcacef3fbff1feb90880a2cc08898f9..0000000000000000000000000000000000000000
--- a/xsum_DOC_boils_down_to_simple_idea_that/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:94b21eda09e28d47424b977223c0bcfb87826c5e0e0ba2f9a0c89ca1316992f0
-size 21224770
diff --git a/xsum_DOC_boils_down_to_simple_idea_that/train-00000-of-00002.parquet b/xsum_DOC_boils_down_to_simple_idea_that/train-00000-of-00002.parquet
deleted file mode 100644
index ebfeca7a75c8fe97ceacce4aaa35c51604876487..0000000000000000000000000000000000000000
--- a/xsum_DOC_boils_down_to_simple_idea_that/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a6a263c718101c49933dbe31a85b077f8e2754b54ed6881ad7c88e7886657405
-size 190441743
diff --git a/xsum_DOC_boils_down_to_simple_idea_that/train-00001-of-00002.parquet b/xsum_DOC_boils_down_to_simple_idea_that/train-00001-of-00002.parquet
deleted file mode 100644
index 9e9880da5ee59d16638b7d066438de0d3d112f6b..0000000000000000000000000000000000000000
--- a/xsum_DOC_boils_down_to_simple_idea_that/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d6fe3eb6d9335c19d8e7930812b880ba0de1184ab3e0c55801c6aa448d69dbdd
-size 190693663
diff --git a/xsum_DOC_boils_down_to_simple_idea_that/validation-00000-of-00001.parquet b/xsum_DOC_boils_down_to_simple_idea_that/validation-00000-of-00001.parquet
deleted file mode 100644
index 847a90520ab5441f5ffb3c5f846b596ccbbc9610..0000000000000000000000000000000000000000
--- a/xsum_DOC_boils_down_to_simple_idea_that/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:3a28675728b7bacd1010d2b5527db2d403ebd5599f02bfc4856a927cc427bdf0
-size 21155035
diff --git a/xsum_DOC_given_above_write_one_sentence/test-00000-of-00001.parquet b/xsum_DOC_given_above_write_one_sentence/test-00000-of-00001.parquet
deleted file mode 100644
index 9fe46ac3e831e6aede36496db8036b8b5c9299ba..0000000000000000000000000000000000000000
--- a/xsum_DOC_given_above_write_one_sentence/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6d01e2153570fa5287230afa9057a41a1f3e54d6de06b05cd597f759adb6deff
-size 21353017
diff --git a/xsum_DOC_given_above_write_one_sentence/train-00000-of-00002.parquet b/xsum_DOC_given_above_write_one_sentence/train-00000-of-00002.parquet
deleted file mode 100644
index 3132e6c8bbdd37102a203de1431525f1c400a585..0000000000000000000000000000000000000000
--- a/xsum_DOC_given_above_write_one_sentence/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:32f952ef292b78ee3e3d13f2b982827a8a165e3c5001012a79abd90924692f55
-size 191488972
diff --git a/xsum_DOC_given_above_write_one_sentence/train-00001-of-00002.parquet b/xsum_DOC_given_above_write_one_sentence/train-00001-of-00002.parquet
deleted file mode 100644
index f58fa8ba3e4fd9fbfc57ab4e5ab97b42dae55b8d..0000000000000000000000000000000000000000
--- a/xsum_DOC_given_above_write_one_sentence/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6b1689b0688b4c75c05b78ac3b0f76d769f9b4de6e01cc5f752c1a4f06887222
-size 191788514
diff --git a/xsum_DOC_given_above_write_one_sentence/validation-00000-of-00001.parquet b/xsum_DOC_given_above_write_one_sentence/validation-00000-of-00001.parquet
deleted file mode 100644
index 950e69d7c3759a33de587953e20ef58c6e2b2226..0000000000000000000000000000000000000000
--- a/xsum_DOC_given_above_write_one_sentence/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cc60e1f630fa9b17a958f698f88d9055b0d9aeff5e8fbea263c67e1d02d42e88
-size 21253807
diff --git a/xsum_DOC_how_would_you_rephrase_few_words/test-00000-of-00001.parquet b/xsum_DOC_how_would_you_rephrase_few_words/test-00000-of-00001.parquet
deleted file mode 100644
index 03bf908c7872e620914951be512f88bf32c2bd07..0000000000000000000000000000000000000000
--- a/xsum_DOC_how_would_you_rephrase_few_words/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:69a1d1c77e3979bef59bc8f1a1e1b9b1a9c8b5a920ed9a06d87488d08bb7d91b
-size 21286905
diff --git a/xsum_DOC_how_would_you_rephrase_few_words/train-00000-of-00002.parquet b/xsum_DOC_how_would_you_rephrase_few_words/train-00000-of-00002.parquet
deleted file mode 100644
index d33f033c3c2611e47eb4a87325dd08a8f83d1616..0000000000000000000000000000000000000000
--- a/xsum_DOC_how_would_you_rephrase_few_words/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2292c842c67ab5edb82dd4b9a595f94cc7138530b950bd2fa8ea62b456cc6657
-size 190843900
diff --git a/xsum_DOC_how_would_you_rephrase_few_words/train-00001-of-00002.parquet b/xsum_DOC_how_would_you_rephrase_few_words/train-00001-of-00002.parquet
deleted file mode 100644
index e178a07009a1c79f8c757c934955a71ab50fb988..0000000000000000000000000000000000000000
--- a/xsum_DOC_how_would_you_rephrase_few_words/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e18ad06b1ce7c10a23a7c1e3cbb182a611d356ae588a4c3f6f92803c4a32c7b0
-size 191094011
diff --git a/xsum_DOC_how_would_you_rephrase_few_words/validation-00000-of-00001.parquet b/xsum_DOC_how_would_you_rephrase_few_words/validation-00000-of-00001.parquet
deleted file mode 100644
index 563822ee88ea6f1ef8fd5e09b5e71a4718698c55..0000000000000000000000000000000000000000
--- a/xsum_DOC_how_would_you_rephrase_few_words/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c1ea7a6e2bb67a27fcb6e559be799f318eff99d2dc00837358b0e924be295072
-size 21194795
diff --git a/xsum_DOC_tldr/test-00000-of-00001.parquet b/xsum_DOC_tldr/test-00000-of-00001.parquet
deleted file mode 100644
index 9baadc04f425a4dd86ee34f05f970f3e84ae0d03..0000000000000000000000000000000000000000
--- a/xsum_DOC_tldr/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:7944d5f832619206d32aef1829b5c19575100538feb6e8c9f4ec3b59be4ca9c6
-size 21129013
diff --git a/xsum_DOC_tldr/train-00000-of-00002.parquet b/xsum_DOC_tldr/train-00000-of-00002.parquet
deleted file mode 100644
index e1480d144ed3689cbf044957cafbae83be858467..0000000000000000000000000000000000000000
--- a/xsum_DOC_tldr/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:48c92115db85af7544104349e2cac15bb04e2b3685d0a01dbabed84b1853b859
-size 189466888
diff --git a/xsum_DOC_tldr/train-00001-of-00002.parquet b/xsum_DOC_tldr/train-00001-of-00002.parquet
deleted file mode 100644
index 90befc4b9887027e3ccb179702cf4a3e3114e7c6..0000000000000000000000000000000000000000
--- a/xsum_DOC_tldr/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:cb73296f02353fe17f31d4ced79e1c258af1e71cbb7e991ba760438837977f64
-size 189713501
diff --git a/xsum_DOC_tldr/validation-00000-of-00001.parquet b/xsum_DOC_tldr/validation-00000-of-00001.parquet
deleted file mode 100644
index fe632c99f352d58e11097e9a07ab4d189dc768a4..0000000000000000000000000000000000000000
--- a/xsum_DOC_tldr/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6279952118ea4cd8cbfcd3c1f85a3a70e82a59563235ec00624b0fb02c710996
-size 21046682
diff --git a/xsum_DOC_write_summary_of_above/test-00000-of-00001.parquet b/xsum_DOC_write_summary_of_above/test-00000-of-00001.parquet
deleted file mode 100644
index 59e397c45619fb02711dd3981345ba85524eaf51..0000000000000000000000000000000000000000
--- a/xsum_DOC_write_summary_of_above/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8ac0ccda9c1c9defd1092b77257892cd897cf82dd9f42a4c978b1bb826aeb47d
-size 21257365
diff --git a/xsum_DOC_write_summary_of_above/train-00000-of-00002.parquet b/xsum_DOC_write_summary_of_above/train-00000-of-00002.parquet
deleted file mode 100644
index 4045218b596eabd2b6752c647a58db2c382bb8fe..0000000000000000000000000000000000000000
--- a/xsum_DOC_write_summary_of_above/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a2ff3e2153c4b6315e98bf05937eacf82d8849f3e226eb6b53cb355b588d5136
-size 190763865
diff --git a/xsum_DOC_write_summary_of_above/train-00001-of-00002.parquet b/xsum_DOC_write_summary_of_above/train-00001-of-00002.parquet
deleted file mode 100644
index 58d749ef20c5ebe582e1c6c2245d7014827a25af..0000000000000000000000000000000000000000
--- a/xsum_DOC_write_summary_of_above/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c6c3449ae07f5580ee64015e01fc923674a3d3237e959dd4f633bfb8962ea0fe
-size 191051763
diff --git a/xsum_DOC_write_summary_of_above/validation-00000-of-00001.parquet b/xsum_DOC_write_summary_of_above/validation-00000-of-00001.parquet
deleted file mode 100644
index 8b20de75ca305fa2aabd97c85973621b27d966a5..0000000000000000000000000000000000000000
--- a/xsum_DOC_write_summary_of_above/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:8cdfb26fe1ffc052b0c2ea90a46ccf5f006d3c9fc84693f69a24ce12d9eb219b
-size 21184919
diff --git a/xsum_article_DOC_summary/test-00000-of-00001.parquet b/xsum_article_DOC_summary/test-00000-of-00001.parquet
deleted file mode 100644
index 5f3e1bfc4c0476d196e6f774964a483c4235cd78..0000000000000000000000000000000000000000
--- a/xsum_article_DOC_summary/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:1f54f136bbd08bca0fbeb19e6cecb5a5350a5d537d15baaf361a178c470b0297
-size 21122337
diff --git a/xsum_article_DOC_summary/train-00000-of-00002.parquet b/xsum_article_DOC_summary/train-00000-of-00002.parquet
deleted file mode 100644
index c8b291f9ecc4e5aa0c65ffaf380f920951581354..0000000000000000000000000000000000000000
--- a/xsum_article_DOC_summary/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:367318305e98896c3c03c0083c2e70cffb50e16749faac8d8f3ece27564d3809
-size 189509673
diff --git a/xsum_article_DOC_summary/train-00001-of-00002.parquet b/xsum_article_DOC_summary/train-00001-of-00002.parquet
deleted file mode 100644
index ff6b6edafe696767cc7433d116614f60b7ecc237..0000000000000000000000000000000000000000
--- a/xsum_article_DOC_summary/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:a82df8169139833e470ccf373655ff6cef6d8e8c0e48850eb4fe24eba4af952e
-size 189755620
diff --git a/xsum_article_DOC_summary/validation-00000-of-00001.parquet b/xsum_article_DOC_summary/validation-00000-of-00001.parquet
deleted file mode 100644
index 8753978f412c40969013c789f170821fc56ae4cd..0000000000000000000000000000000000000000
--- a/xsum_article_DOC_summary/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:190c6a2de6a549e80a0a8fb1274ddb8eb427de732b1e130428bfb22021af7ccd
-size 21049219
diff --git a/xsum_college_roommate_asked_DOC_so_I_recap/test-00000-of-00001.parquet b/xsum_college_roommate_asked_DOC_so_I_recap/test-00000-of-00001.parquet
deleted file mode 100644
index 7ba40771877c1b839b6eca2c042699f677dc81ec..0000000000000000000000000000000000000000
--- a/xsum_college_roommate_asked_DOC_so_I_recap/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b01d0c85e8a3f3c6c72e9b46f58aa95dca5b728478acee7f6779236666102c50
-size 21434180
diff --git a/xsum_college_roommate_asked_DOC_so_I_recap/train-00000-of-00002.parquet b/xsum_college_roommate_asked_DOC_so_I_recap/train-00000-of-00002.parquet
deleted file mode 100644
index 5296e3296bbf94e8a39ae7f350b7f9e11de1d0a7..0000000000000000000000000000000000000000
--- a/xsum_college_roommate_asked_DOC_so_I_recap/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c3b006d9d722a03d0b80e2811cabee9813423aac7ffab2888cb1cea08a52dec3
-size 192436595
diff --git a/xsum_college_roommate_asked_DOC_so_I_recap/train-00001-of-00002.parquet b/xsum_college_roommate_asked_DOC_so_I_recap/train-00001-of-00002.parquet
deleted file mode 100644
index 7c8707083b2ba9960e9f0bfa76bd0b4bb10ce49f..0000000000000000000000000000000000000000
--- a/xsum_college_roommate_asked_DOC_so_I_recap/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:465a72211fdcdf045a5fdba5776084ea155e4166c35a1144dc443780ea9d6d56
-size 192847465
diff --git a/xsum_college_roommate_asked_DOC_so_I_recap/validation-00000-of-00001.parquet b/xsum_college_roommate_asked_DOC_so_I_recap/validation-00000-of-00001.parquet
deleted file mode 100644
index 2051739f16589b3ca04fb09f0e4c5c6e64e52913..0000000000000000000000000000000000000000
--- a/xsum_college_roommate_asked_DOC_so_I_recap/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ea072c572898b4f7e5825076ca336bbea655ffb95f9c480b7182817ed2dcb012
-size 21373787
diff --git a/xsum_read_below_DOC_write_abstract/test-00000-of-00001.parquet b/xsum_read_below_DOC_write_abstract/test-00000-of-00001.parquet
deleted file mode 100644
index 788163a808ce22aaa52285c3b4df4bdd79459418..0000000000000000000000000000000000000000
--- a/xsum_read_below_DOC_write_abstract/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b68103c7be76fd0070ac8677cddbe433385aa0a8821b1b9b0113b9636b90fb28
-size 21453412
diff --git a/xsum_read_below_DOC_write_abstract/train-00000-of-00002.parquet b/xsum_read_below_DOC_write_abstract/train-00000-of-00002.parquet
deleted file mode 100644
index 4dbf24a1b7f0e7851dbbfdde1905b48721e10221..0000000000000000000000000000000000000000
--- a/xsum_read_below_DOC_write_abstract/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f79baf7f42265eb6740b7d2be553b46d2167beac6a063236ad0bb59490f27452
-size 192508455
diff --git a/xsum_read_below_DOC_write_abstract/train-00001-of-00002.parquet b/xsum_read_below_DOC_write_abstract/train-00001-of-00002.parquet
deleted file mode 100644
index 329455afbbcf09f89eebb66fd681c00255d32eeb..0000000000000000000000000000000000000000
--- a/xsum_read_below_DOC_write_abstract/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c8bd4ab487f8855496a598682e3d568a10134c622a93db0bf55934147552dbf5
-size 192648359
diff --git a/xsum_read_below_DOC_write_abstract/validation-00000-of-00001.parquet b/xsum_read_below_DOC_write_abstract/validation-00000-of-00001.parquet
deleted file mode 100644
index 971038c03388b6292784de8a8467ffa1e6dee495..0000000000000000000000000000000000000000
--- a/xsum_read_below_DOC_write_abstract/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:9dbe29ccb9bf998a8e40166445b98e8e4a99b3ac521a2efc43dff0b1153caaf4
-size 21339344
diff --git a/xsum_summarize_DOC/test-00000-of-00001.parquet b/xsum_summarize_DOC/test-00000-of-00001.parquet
deleted file mode 100644
index 37e2010df64f3afcbe8bfb6468a6a350be4cfbe8..0000000000000000000000000000000000000000
--- a/xsum_summarize_DOC/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c2d7f54b4f1f0c80fc60c92861ac18b60575019eefb7097a0a4533ac0d2a094d
-size 21103409
diff --git a/xsum_summarize_DOC/train-00000-of-00002.parquet b/xsum_summarize_DOC/train-00000-of-00002.parquet
deleted file mode 100644
index 824e804e12799c041f530ff7311a9d0465bb20d4..0000000000000000000000000000000000000000
--- a/xsum_summarize_DOC/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ba3f9fe44f1b5460c0be243dc777641daabf5c3e324ef5e158e9c0331ef83bfd
-size 189275581
diff --git a/xsum_summarize_DOC/train-00001-of-00002.parquet b/xsum_summarize_DOC/train-00001-of-00002.parquet
deleted file mode 100644
index 0d2d06bacc044aea9853dffc67d97b98d59c2123..0000000000000000000000000000000000000000
--- a/xsum_summarize_DOC/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:140545449de1a3247a8090b9fc81746d47daf0522e8001c7f538a81c4d2190ab
-size 189517115
diff --git a/xsum_summarize_DOC/validation-00000-of-00001.parquet b/xsum_summarize_DOC/validation-00000-of-00001.parquet
deleted file mode 100644
index 3a993e8907eb2cefc724837a38a90bc35e0312f9..0000000000000000000000000000000000000000
--- a/xsum_summarize_DOC/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:bb34f4a8cf3fe6888bf94435dfc6c68b0253e081160f4776d127b334e9323d97
-size 21020981
diff --git a/xsum_summarize_this_DOC_summary/test-00000-of-00001.parquet b/xsum_summarize_this_DOC_summary/test-00000-of-00001.parquet
deleted file mode 100644
index e85bb7f579c795503f328ba44a28ee4460527282..0000000000000000000000000000000000000000
--- a/xsum_summarize_this_DOC_summary/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:427c0f2f2274ac85e5d6f7a327d6093d5e7e1721832368e9ed083ad4cb8dc087
-size 21213114
diff --git a/xsum_summarize_this_DOC_summary/train-00000-of-00002.parquet b/xsum_summarize_this_DOC_summary/train-00000-of-00002.parquet
deleted file mode 100644
index baf5dba50c6718c20585e10b168ea7b19bda751a..0000000000000000000000000000000000000000
--- a/xsum_summarize_this_DOC_summary/train-00000-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:65d4203b557230146a4e324fe12997d62074f9351242a63c52b94693b3668f52
-size 190250183
diff --git a/xsum_summarize_this_DOC_summary/train-00001-of-00002.parquet b/xsum_summarize_this_DOC_summary/train-00001-of-00002.parquet
deleted file mode 100644
index 4b4f4429d656264b9be1d871c43d5e1f2737ec74..0000000000000000000000000000000000000000
--- a/xsum_summarize_this_DOC_summary/train-00001-of-00002.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:270ef6b6521e711e1bd258ceebfe82b42835326793c2d5a00696447420a5d415
-size 190524455
diff --git a/xsum_summarize_this_DOC_summary/validation-00000-of-00001.parquet b/xsum_summarize_this_DOC_summary/validation-00000-of-00001.parquet
deleted file mode 100644
index 693fd91f263248c14773c9f6f2fbe09bf4d0c190..0000000000000000000000000000000000000000
--- a/xsum_summarize_this_DOC_summary/validation-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:43202c5274f4eb750d5aa6e3cc28e850cf2d49ef98861629fbbc1287cf383e0b
-size 21117029
diff --git a/yelp_review_full_based_on_that/test-00000-of-00001.parquet b/yelp_review_full_based_on_that/test-00000-of-00001.parquet
deleted file mode 100644
index 3f4c0236f0ebd5c51b60bc34a7552968b65922f4..0000000000000000000000000000000000000000
--- a/yelp_review_full_based_on_that/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e4bbe220fed39dc6e5a6a2952b6701dbccbd95fe14c31aab5f7fb430357806be
-size 40429079
diff --git a/yelp_review_full_based_on_that/train-00000-of-00003.parquet b/yelp_review_full_based_on_that/train-00000-of-00003.parquet
deleted file mode 100644
index 349d55c5e750afa8e85139c5da8ef0755bae582e..0000000000000000000000000000000000000000
--- a/yelp_review_full_based_on_that/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:aa702fc8fc2bb6df721e79c6bb5d89f2f56362477440acdc981b2ed1222e3b08
-size 171599197
diff --git a/yelp_review_full_based_on_that/train-00001-of-00003.parquet b/yelp_review_full_based_on_that/train-00001-of-00003.parquet
deleted file mode 100644
index 5081035988b914289d4d43e3c405a0791f79acbc..0000000000000000000000000000000000000000
--- a/yelp_review_full_based_on_that/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:b1e3b3ce08162f55d57e70e7b5a01642b4bf13a91bf44125d64e1967cec15886
-size 172157060
diff --git a/yelp_review_full_based_on_that/train-00002-of-00003.parquet b/yelp_review_full_based_on_that/train-00002-of-00003.parquet
deleted file mode 100644
index f7683075312476e65d13285b3c1975af66d21853..0000000000000000000000000000000000000000
--- a/yelp_review_full_based_on_that/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:808a7ba812ba37970c5272cfcbf0f3e55470d8660a2f2378e2be52d137c267d6
-size 172432076
diff --git a/yelp_review_full_format_rating/test-00000-of-00001.parquet b/yelp_review_full_format_rating/test-00000-of-00001.parquet
deleted file mode 100644
index 6c103869ad14d931ffd709ec32dc83070bafb771..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_rating/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:641dc583e39d2dbc0879f3237afa40a3d666cd3cc4a5a063ebb81c2a8821c719
-size 40397403
diff --git a/yelp_review_full_format_rating/train-00000-of-00003.parquet b/yelp_review_full_format_rating/train-00000-of-00003.parquet
deleted file mode 100644
index d8de9db8b7abef5cb456f6d7f7c381ad1d281c21..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_rating/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2f6b422e32e26243f62e1a3171de5c9fd577e4d67a6fb4ce6ba3bef83436fb15
-size 171407182
diff --git a/yelp_review_full_format_rating/train-00001-of-00003.parquet b/yelp_review_full_format_rating/train-00001-of-00003.parquet
deleted file mode 100644
index 274a7d37934332d5297c77a44cd7eae01bb64ca8..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_rating/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:58f3c12e0e738e207f4049403ab6cf537ccb3f7e8e5395bef1c64ee4f8e261f0
-size 172062557
diff --git a/yelp_review_full_format_rating/train-00002-of-00003.parquet b/yelp_review_full_format_rating/train-00002-of-00003.parquet
deleted file mode 100644
index 74b00e2b75a47d5d9d38f2ad05c02bd45eab1d8a..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_rating/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:dafa04e4d3aa0789a7cef848e4f9a45cf7ce402c17658400a15a9a610b0613ea
-size 172337907
diff --git a/yelp_review_full_format_score/test-00000-of-00001.parquet b/yelp_review_full_format_score/test-00000-of-00001.parquet
deleted file mode 100644
index 84e245457fbedf4a5dd030ec407149f6e7774723..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_score/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:951326e8f6b50170fc51a6ea5067ffa6907229b1dca2026b2099e4cb97ac682f
-size 40498835
diff --git a/yelp_review_full_format_score/train-00000-of-00003.parquet b/yelp_review_full_format_score/train-00000-of-00003.parquet
deleted file mode 100644
index b5db8cb4234cde724e0d0b6806b799df74f00e39..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_score/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c2f900a13be51523564c5e6b2c030060ccf49d20665683456eb42deac68055e9
-size 171940693
diff --git a/yelp_review_full_format_score/train-00001-of-00003.parquet b/yelp_review_full_format_score/train-00001-of-00003.parquet
deleted file mode 100644
index a504e54137cd77cf0a7f68c529c28460fde63169..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_score/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ff00e2f5aefe42848a6d1662f83e7a097d932793fd63d046b04a2fe56e632158
-size 172619653
diff --git a/yelp_review_full_format_score/train-00002-of-00003.parquet b/yelp_review_full_format_score/train-00002-of-00003.parquet
deleted file mode 100644
index fc63546db5085b8df5ad6b7cafda6c86270970d8..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_score/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:37ce47145e112c7e428ad4ff84b6e3a5d2e268f61fea49eeadafb7cdf8a7a16a
-size 172729957
diff --git a/yelp_review_full_format_star/test-00000-of-00001.parquet b/yelp_review_full_format_star/test-00000-of-00001.parquet
deleted file mode 100644
index 1ddddaf159c9002c4aa1fd969cde64b5d1aa270b..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_star/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:93999b8df2b558f08865c4e68fbdc6fe61781ef10002cfbe1006971326907952
-size 40345114
diff --git a/yelp_review_full_format_star/train-00000-of-00003.parquet b/yelp_review_full_format_star/train-00000-of-00003.parquet
deleted file mode 100644
index 910bbc340434f2f695e4e5272abd6cb1f4300bea..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_star/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:804009937dc255d121eb1756c72117ae4c5b8c3644af94706164b4b7735fe5ec
-size 171179442
diff --git a/yelp_review_full_format_star/train-00001-of-00003.parquet b/yelp_review_full_format_star/train-00001-of-00003.parquet
deleted file mode 100644
index b8b091e4eb008d9233aaeb72bb4c24628f5d2cce..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_star/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:f08cfa513314be5daa03d53a4ddd35eeb91be58283a6d273e0c716c67d628ab7
-size 171849812
diff --git a/yelp_review_full_format_star/train-00002-of-00003.parquet b/yelp_review_full_format_star/train-00002-of-00003.parquet
deleted file mode 100644
index c4f4844f445e91d5e82649269e7b31ce668beaa8..0000000000000000000000000000000000000000
--- a/yelp_review_full_format_star/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:da7a6b699778bf5aeb0c7d505bccc0edfc269fccdb03871393ff056ac6dd51f0
-size 172204073
diff --git a/yelp_review_full_on_a_scale/test-00000-of-00001.parquet b/yelp_review_full_on_a_scale/test-00000-of-00001.parquet
deleted file mode 100644
index f8e2917b5c0e804779fd9b6ed7cc58cba1173097..0000000000000000000000000000000000000000
--- a/yelp_review_full_on_a_scale/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d12cb6ca62930fb130077ee2ff5f5b622dd87a4dbea7f595443900a575aa4877
-size 40509197
diff --git a/yelp_review_full_on_a_scale/train-00000-of-00003.parquet b/yelp_review_full_on_a_scale/train-00000-of-00003.parquet
deleted file mode 100644
index fb686d300fb817d17dcd785f181103acc00f4881..0000000000000000000000000000000000000000
--- a/yelp_review_full_on_a_scale/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:c4792116d853cac01e5a5038d1e6d7618f97bf2783463bf66b8fcfd822fb44cc
-size 172064922
diff --git a/yelp_review_full_on_a_scale/train-00001-of-00003.parquet b/yelp_review_full_on_a_scale/train-00001-of-00003.parquet
deleted file mode 100644
index d8b89f2e1882eee60424d560396fcff972e7311b..0000000000000000000000000000000000000000
--- a/yelp_review_full_on_a_scale/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:176fbed802882d0da3dc963cb21fdf696e7b4687b2b0ca674a04405d029ff3fa
-size 172593751
diff --git a/yelp_review_full_on_a_scale/train-00002-of-00003.parquet b/yelp_review_full_on_a_scale/train-00002-of-00003.parquet
deleted file mode 100644
index addae1c63056e2e9058cfed6709bcf588d08b401..0000000000000000000000000000000000000000
--- a/yelp_review_full_on_a_scale/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:e9401342032b6fe98e75a9f151f35805da6a7a300d8e484a9a6c0d40b490b6e4
-size 172706307
diff --git a/yelp_review_full_so_i_would/test-00000-of-00001.parquet b/yelp_review_full_so_i_would/test-00000-of-00001.parquet
deleted file mode 100644
index 74582e4592ca9f6328d9fb081829a04148a71b13..0000000000000000000000000000000000000000
--- a/yelp_review_full_so_i_would/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:6c969e88ef6e3708373b4e9a5b20cca43ccbee3f73e3b8a5c220d3b587bd1719
-size 40340291
diff --git a/yelp_review_full_so_i_would/train-00000-of-00003.parquet b/yelp_review_full_so_i_would/train-00000-of-00003.parquet
deleted file mode 100644
index 3eb90ca00403c1e03b61aefd206a8937666f3778..0000000000000000000000000000000000000000
--- a/yelp_review_full_so_i_would/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:5e83acd36b345f03845792f6fc6f2bdd32c7044e3728b6511c154afe09bcd42f
-size 171328023
diff --git a/yelp_review_full_so_i_would/train-00001-of-00003.parquet b/yelp_review_full_so_i_would/train-00001-of-00003.parquet
deleted file mode 100644
index f495e7cec078c89bf86a42dcf8036030e0b3d1fc..0000000000000000000000000000000000000000
--- a/yelp_review_full_so_i_would/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:0d35970deb10f33304d65560adad65dc528f5d5e4f483961b38e8766201fb0f3
-size 171945389
diff --git a/yelp_review_full_so_i_would/train-00002-of-00003.parquet b/yelp_review_full_so_i_would/train-00002-of-00003.parquet
deleted file mode 100644
index 86e903a51c91945c8624aa07c77acd694fd742b1..0000000000000000000000000000000000000000
--- a/yelp_review_full_so_i_would/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:fe2dc89608fa6d3810f095b196a6be84abb93c0322cf29da175f5b1686a861a7
-size 172055779
diff --git a/yelp_review_full_this_place/test-00000-of-00001.parquet b/yelp_review_full_this_place/test-00000-of-00001.parquet
deleted file mode 100644
index b85f02597e83c7b183f5e674a197676de33e47db..0000000000000000000000000000000000000000
--- a/yelp_review_full_this_place/test-00000-of-00001.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:ac5918907aeb678cda4c44d04e91e52073550cbb6fc553214463ee9d10b930fe
-size 40314189
diff --git a/yelp_review_full_this_place/train-00000-of-00003.parquet b/yelp_review_full_this_place/train-00000-of-00003.parquet
deleted file mode 100644
index a21390a55714b90f82d402a3fc443eeb8e81dea5..0000000000000000000000000000000000000000
--- a/yelp_review_full_this_place/train-00000-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:2819c20478f5de62123a655e4b2f755347cc35ea554c28bb13d6d5e8f98993da
-size 171344560
diff --git a/yelp_review_full_this_place/train-00001-of-00003.parquet b/yelp_review_full_this_place/train-00001-of-00003.parquet
deleted file mode 100644
index eea671e591f72692b4d669bf6c32acb314920496..0000000000000000000000000000000000000000
--- a/yelp_review_full_this_place/train-00001-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:31386cccb261f3071eb85d5c0f67f4557b253287b722522390d2ab82e59ac232
-size 171867107
diff --git a/yelp_review_full_this_place/train-00002-of-00003.parquet b/yelp_review_full_this_place/train-00002-of-00003.parquet
deleted file mode 100644
index c073f1f54799b93ddd404103a716b5d4768f7c51..0000000000000000000000000000000000000000
--- a/yelp_review_full_this_place/train-00002-of-00003.parquet
+++ /dev/null
@@ -1,3 +0,0 @@
-version https://git-lfs.github.com/spec/v1
-oid sha256:d92729cf5fb68cff5389e6261c753b503eb4b262c8c65aafb334f55148afbcbe
-size 172114835